diff --git a/.gitignore b/.gitignore index 4122289..9455c0b 100644 --- a/.gitignore +++ b/.gitignore @@ -1,3 +1,7 @@ /node_modules /.env -/hospital_data \ No newline at end of file +/hospital_data +/logs +/error.log +/uploads +/llm-uploads \ No newline at end of file diff --git a/certificates.zip b/certificates.zip deleted file mode 100644 index 6ed4419..0000000 Binary files a/certificates.zip and /dev/null differ diff --git a/chat copy 2.py b/chat copy 2.py deleted file mode 100644 index 1708089..0000000 --- a/chat copy 2.py +++ /dev/null @@ -1,2162 +0,0 @@ -""" -SpurrinAI - Intelligent Document Processing and Question Answering System -Copyright (c) 2024 Tech4biz. All rights reserved. - -This module implements the main Flask application for the SpurrinAI system, -providing REST APIs for document processing, vector storage, and question answering -using RAG (Retrieval Augmented Generation) architecture. - -Author: Tech4biz Development Team -Version: 1.0.0 -Last Updated: 2024-01-19 -""" - -# Standard library imports -import os -import re -import sys -import json -import time -import threading -import asyncio -from concurrent.futures import ThreadPoolExecutor -from dataclasses import dataclass -from datetime import timedelta -from enum import Enum - -# Third-party imports -import spacy -import redis -import aiomysql -from dotenv import load_dotenv -from flask import Flask, request, jsonify, Response -from flask_cors import CORS -from tqdm import tqdm -from tqdm.asyncio import tqdm as tqdm_async -from langchain_community.document_loaders import PyPDFLoader -from langchain.text_splitter import RecursiveCharacterTextSplitter -from langchain_community.embeddings import OpenAIEmbeddings -from langchain_community.vectorstores import Chroma -from langchain_community.chat_models import ChatOpenAI -from langchain.chains import RetrievalQA -from langchain.prompts import PromptTemplate -from openai import OpenAI -from rapidfuzz import process -from threading import Lock - -# Local imports -from model_manager import ModelManager - -# Suppress warnings -import warnings - -warnings.filterwarnings("ignore") - -# Initialize NLTK -import nltk - -nltk.download("punkt") - -# Configure logging -import logging -import logging.handlers - -app = Flask(__name__) -CORS(app) - -script_dir = os.path.dirname(os.path.abspath(__file__)) -log_file_path = os.path.join(script_dir, "error.log") -logging.basicConfig(filename=log_file_path, level=logging.INFO) - - -# Configure logging -def setup_logging(): - log_dir = os.path.join(script_dir, "logs") - os.makedirs(log_dir, exist_ok=True) - - main_log = os.path.join(log_dir, "app.log") - error_log = os.path.join(log_dir, "error.log") - access_log = os.path.join(log_dir, "access.log") - perf_log = os.path.join(log_dir, "performance.log") - - # Create formatters - detailed_formatter = logging.Formatter( - "%(asctime)s - %(name)s - %(levelname)s - [%(filename)s:%(lineno)d] - %(message)s" - ) - access_formatter = logging.Formatter("%(asctime)s - %(levelname)s - %(message)s") - - # Main logger setup - main_handler = logging.handlers.RotatingFileHandler( - main_log, maxBytes=10485760, backupCount=5 - ) - main_handler.setFormatter(detailed_formatter) - main_handler.setLevel(logging.INFO) - - # Error logger setup - error_handler = logging.handlers.RotatingFileHandler( - error_log, maxBytes=10485760, backupCount=5 - ) - error_handler.setFormatter(detailed_formatter) - error_handler.setLevel(logging.ERROR) - - # Access logger setup - access_handler = logging.handlers.TimedRotatingFileHandler( - access_log, when="midnight", interval=1, backupCount=30 - ) - access_handler.setFormatter(access_formatter) - access_handler.setLevel(logging.INFO) - - # Performance logger setup - perf_handler = logging.handlers.RotatingFileHandler( - perf_log, maxBytes=10485760, backupCount=5 - ) - perf_handler.setFormatter(detailed_formatter) - perf_handler.setLevel(logging.INFO) - - # Configure root logger - root_logger = logging.getLogger() - root_logger.setLevel(logging.INFO) - root_logger.addHandler(main_handler) - root_logger.addHandler(error_handler) - - # Create specific loggers - access_logger = logging.getLogger("access") - access_logger.addHandler(access_handler) - access_logger.setLevel(logging.INFO) - - perf_logger = logging.getLogger("performance") - perf_logger.addHandler(perf_handler) - perf_logger.setLevel(logging.INFO) - - return root_logger, access_logger, perf_logger - - -# Initialize loggers -logger, access_logger, perf_logger = setup_logging() - -# DB_CONFIG = { -# 'host': 'localhost', -# 'user': 'flaskuser', -# 'password': 'Flask@123', -# 'database': 'spurrinai', -# } - -# DB_CONFIG = { -# 'host': 'localhost', -# 'user': 'spurrindevuser', -# 'password': 'Admin@123', -# 'database': 'spurrindev', -# } - -# Redis Configuration -REDIS_CONFIG = { - "host": "localhost", - "port": 6379, - "db": 0, - "decode_responses": True, # For string operations -} - -DB_CONFIG = { - "host": os.getenv("DB_HOST", "localhost"), - "user": os.getenv("DB_USER", "testuser"), - "password": os.getenv("DB_PASSWORD", "Admin@123"), - "database": os.getenv("DB_NAME", "spurrintest"), -} - -# Redis connection pool -redis_pool = redis.ConnectionPool(**REDIS_CONFIG) -redis_binary_pool = redis.ConnectionPool( - host="localhost", port=6379, db=1, decode_responses=False -) - - -def get_redis_client(binary=False): - """Get Redis client from pool""" - logger.debug(f"Getting Redis client with binary={binary}") - try: - pool = redis_binary_pool if binary else redis_pool - client = redis.Redis(connection_pool=pool) - logger.debug("Redis client created successfully") - return client - except Exception as e: - logger.error(f"Failed to create Redis client: {e}", exc_info=True) - raise - - -def fetch_cached_answer(cache_key): - logger.debug(f"Attempting to fetch cached answer for key: {cache_key}") - start_time = time.time() - try: - redis_client = get_redis_client() - cached_answer = redis_client.get(cache_key) - fetch_time = time.time() - start_time - perf_logger.info( - f"Redis fetch completed in {fetch_time:.3f} seconds for key: {cache_key}" - ) - return cached_answer - except Exception as e: - logger.error(f"Redis fetch error for key {cache_key}: {e}", exc_info=True) - return None - - -# Cache TTL configurations -CACHE_TTL = { - "vector_store": timedelta(hours=24), - "chat_completion": timedelta(hours=1), - "document_metadata": timedelta(days=7), -} - -DATA_DIR = os.path.join(script_dir, "hospital_data") -CHROMA_DIR = os.path.join(DATA_DIR, "chroma_db") -uploads_dir = os.path.join(script_dir, "llm-uploads") - -if not os.path.exists(uploads_dir): - os.makedirs(uploads_dir) - -nlp = spacy.load("en_core_web_sm") - -load_dotenv() -OPENAI_API_KEY = os.getenv("OPENAI_API_KEY") - -client = OpenAI(api_key=OPENAI_API_KEY) -embeddings = OpenAIEmbeddings(api_key=OPENAI_API_KEY) -llm = ChatOpenAI( - model_name="gpt-3.5-turbo", streaming=True, temperature=0.2, api_key=OPENAI_API_KEY -) -# text_splitter = RecursiveCharacterTextSplitter(chunk_size=1000, chunk_overlap=50) -hospital_vector_stores = {} -vector_store_lock = threading.Lock() - - -@dataclass -class Document: - doc_id: int - page_num: int - content: str - - -class DocumentStatus(Enum): - PROCESSING = "processing" - PROCESSED = "processed" - FAILED = "failed" - - -async def get_db_pool(): - return await aiomysql.create_pool( - host=DB_CONFIG["host"], - user=DB_CONFIG["user"], - password=DB_CONFIG["password"], - db=DB_CONFIG["database"], - autocommit=True, - ) - - -async def get_hospital_id(hospital_code): - try: - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor(aiomysql.DictCursor) as cursor: - await cursor.execute( - "SELECT id FROM hospitals WHERE hospital_code = %s LIMIT 1", - (hospital_code,), - ) - result = await cursor.fetchone() - return result["id"] if result else None - except Exception as error: - logging.error(f"Database error: {error}") - return None - finally: - pool.close() - await pool.wait_closed() - - -CHUNK_SIZE = 1000 -CHUNK_OVERLAP = 50 -BATCH_SIZE = 1000 - -text_splitter = RecursiveCharacterTextSplitter( - chunk_size=CHUNK_SIZE, - chunk_overlap=CHUNK_OVERLAP, - # length_function=len, - # separators=["\n\n", "\n", ". ", " ", ""] -) - - -# Update the JSON_PATH to be dynamic based on hospital_id -def get_icd_json_path(hospital_id): - hospital_data_dir = os.path.join(DATA_DIR, f"hospital_{hospital_id}") - os.makedirs(hospital_data_dir, exist_ok=True) - return os.path.join(hospital_data_dir, "icd_data.json") - - -def extract_and_process_icd_data(content, hospital_id, save_to_json=True): - """Extract and process ICD codes with optimized processing and optional JSON saving""" - try: - # Initialize pattern compilation once - pattern = re.compile(r"^\s*([A-Z][0-9A-Z]{2,6}[A-Z]?)\s+(.*)$", re.MULTILINE) - - # Process in chunks for large content - chunk_size = 50000 # Process 50KB at a time - icd_data = [] - - current_code = None - current_description = [] - - # Split content into manageable chunks - content_chunks = [ - content[i : i + chunk_size] for i in range(0, len(content), chunk_size) - ] - - # Process each chunk - for chunk in content_chunks: - lines = chunk.splitlines() - - for line in lines: - line = line.strip() - if not line: - if current_code and current_description: - icd_data.append( - { - "code": current_code, - "description": " ".join(current_description).strip(), - } - ) - current_code = None - current_description = [] - continue - - match = pattern.match(line) - if match: - if current_code and current_description: - icd_data.append( - { - "code": current_code, - "description": " ".join(current_description).strip(), - } - ) - current_code, description = match.groups() - current_description = [description.strip()] - elif current_code: - current_description.append(line) - - # Add final entry if exists - if current_code and current_description: - icd_data.append( - { - "code": current_code, - "description": " ".join(current_description).strip(), - } - ) - - # Save to hospital-specific JSON if requested - if save_to_json and icd_data: - try: - json_path = get_icd_json_path(hospital_id) - - # Use a lock for thread safety - with threading.Lock(): - if os.path.exists(json_path): - with open(json_path, "r", encoding="utf-8") as f: - try: - existing_data = json.load(f) - except json.JSONDecodeError: - existing_data = [] - else: - existing_data = [] - - # Efficient deduplication using dictionary - seen_codes = {item["code"]: item for item in existing_data} - for item in icd_data: - seen_codes[item["code"]] = item - - unique_data = list(seen_codes.values()) - - # Write atomically using temporary file - temp_path = f"{json_path}.tmp" - with open(temp_path, "w", encoding="utf-8") as f: - json.dump(unique_data, f, indent=2, ensure_ascii=False) - os.replace(temp_path, json_path) - - logging.info( - f"Successfully saved {len(unique_data)} unique ICD codes to JSON for hospital {hospital_id}" - ) - - except Exception as e: - logging.error( - f"Error saving ICD data to JSON for hospital {hospital_id}: {e}" - ) - - return icd_data - - except Exception as e: - logging.error(f"Error in extract_and_process_icd_data: {e}") - return [] - - -def load_icd_entries(hospital_id): - """Load ICD entries from hospital-specific JSON file""" - json_path = get_icd_json_path(hospital_id) - try: - if os.path.exists(json_path): - with open(json_path, "r", encoding="utf-8") as f: - return json.load(f) - return [] - except Exception as e: - logging.error(f"Error loading ICD entries for hospital {hospital_id}: {e}") - return [] - - -# Update the process_icd_codes function to include hospital_id -async def process_icd_codes(content, doc_id, hospital_id, batch_size=256): - """Process and store ICD codes using the optimized extraction function""" - try: - # Extract and save codes with hospital_id - extract_and_process_icd_data(content, hospital_id, save_to_json=True) - except Exception as e: - logging.error(f"Error processing ICD codes for hospital {hospital_id}: {e}") - - -async def initialize_icd_vector_store(hospital_id): - """This function is deprecated. ICD codes are now handled through JSON search.""" - logging.warning( - "initialize_icd_vector_store is deprecated - using JSON search instead" - ) - return None - - -def extract_pdf_contents(pdf_path, hospital_id): - """Extract PDF contents with optimized chunking and code extraction""" - try: - loader = PyPDFLoader(pdf_path) - pages = loader.load() - pages_content = [] - - for i, page in enumerate(tqdm(pages, desc="Extracting pages")): - text = page.page_content.strip() - - # Extract ICD codes from the page - icd_codes = extract_and_process_icd_data( - text, hospital_id - ) # We'll set doc_id later - - pages_content.append({"page": i + 1, "text": text, "codes": icd_codes}) - - return pages_content - - except Exception as e: - logging.error(f"Error in extract_pdf_contents: {e}") - raise - - -async def insert_content_into_db(content, metadata, doc_id): - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - try: - metadata_query = "INSERT INTO document_metadata (document_id, key_name, value_name) VALUES (%s, %s, %s)" - content_query = "INSERT INTO document_pages (document_id, page_number, content) VALUES (%s, %s, %s)" - - metadata_values = [ - (doc_id, key[:100], value) - for key, value in metadata.items() - if value - ] - content_values = [ - (doc_id, page_content["page"], page_content["text"]) - for page_content in content - ] - - if metadata_values: - await cursor.executemany(metadata_query, metadata_values) - if content_values: - await cursor.executemany(content_query, content_values) - - await conn.commit() - return {"message": "Success"} - except Exception as e: - await conn.rollback() - return {"error": str(e)} - - -async def initialize_or_load_vector_store(hospital_id, user_id="default"): - """Initialize or load vector store with Redis caching and thread safety""" - store_key = f"{hospital_id}:{user_id}" - - try: - # Check if we already have it loaded - with lock for thread safety - with vector_store_lock: - if store_key in hospital_vector_stores: - return hospital_vector_stores[store_key] - - # Initialize vector store - redis_client = get_redis_client(binary=True) - cache_key = f"vector_store_data:{hospital_id}:{user_id}" - hospital_dir = os.path.join(CHROMA_DIR, f"hospital_{hospital_id}") - - if os.path.exists(hospital_dir): - logging.info( - f"Loading vector store for hospital {hospital_id} and user {user_id}" - ) - vector_store = await asyncio.to_thread( - lambda: Chroma( - collection_name=f"hospital_{hospital_id}", - persist_directory=hospital_dir, - embedding_function=embeddings, - ) - ) - else: - logging.info(f"Creating vector store for hospital {hospital_id}") - os.makedirs(hospital_dir, exist_ok=True) - vector_store = await asyncio.to_thread( - lambda: Chroma( - collection_name=f"hospital_{hospital_id}", - persist_directory=hospital_dir, - embedding_function=embeddings, - ) - ) - - # Store with lock for thread safety - with vector_store_lock: - hospital_vector_stores[store_key] = vector_store - - return vector_store - except Exception as e: - logging.error(f"Error initializing vector store: {e}", exc_info=True) - raise - - -async def delete_document_vectors(hospital_id: int, doc_id: str) -> bool: - """Delete all vectors associated with a specific document from ChromaDB""" - try: - # Initialize vector store for the hospital - vector_store = await initialize_or_load_vector_store(hospital_id) - - # Delete vectors with matching doc_id - await asyncio.to_thread( - lambda: vector_store._collection.delete(where={"doc_id": str(doc_id)}) - ) - - # Persist changes - await asyncio.to_thread(vector_store.persist) - - # Clear Redis cache for this document - redis_client = get_redis_client() - pattern = f"vector_store_data:{hospital_id}:*" - for key in redis_client.scan_iter(pattern): - redis_client.delete(key) - - logging.info( - f"Successfully deleted vectors for document {doc_id} from hospital {hospital_id}" - ) - return True - - except Exception as e: - logging.error(f"Error deleting document vectors: {e}", exc_info=True) - return False - - -async def add_document_to_index(doc_id, hospital_id): - try: - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - vector_store = await initialize_or_load_vector_store(hospital_id) - - await cursor.execute( - "SELECT page_number, content FROM document_pages WHERE document_id = %s ORDER BY page_number", - (doc_id,), - ) - rows = await cursor.fetchall() - - total_pages = len(rows) - logging.info(f"Processing {total_pages} pages for document {doc_id}") - page_bar = tqdm_async(total=total_pages, desc="Processing pages") - - async def process_page(page_data): - page_num, content = page_data - try: - icd_data = extract_and_process_icd_data( - content, hospital_id, save_to_json=False - ) - chunks = text_splitter.split_text(content) - await asyncio.sleep(0) # Yield control - return page_num, chunks, icd_data - except Exception as e: - logging.error(f"Error processing page {page_num}: {e}") - return page_num, [], [] - - tasks = [asyncio.create_task(process_page(row)) for row in rows] - results = [] - - for coro in asyncio.as_completed(tasks): - result = await coro - results.append(result) - page_bar.update(1) - - page_bar.close() - - # Vector addition progress bar - all_icd_data = [] - all_chunks = [] - all_metadatas = [] - - chunk_add_bar = tqdm_async(desc="Vectorizing chunks", total=0) - - for result in results: - page_num, chunks, icd_data = result - all_icd_data.extend(icd_data) - - for i, chunk in enumerate(chunks): - all_chunks.append(chunk) - all_metadatas.append( - { - "doc_id": str(doc_id), - "hospital_id": str(hospital_id), - "page_number": str(page_num), - "chunk_index": str(i), - } - ) - - if len(all_chunks) >= BATCH_SIZE: - chunk_add_bar.total += len(all_chunks) - chunk_add_bar.refresh() - await asyncio.to_thread( - vector_store.add_texts, - texts=all_chunks, - metadatas=all_metadatas, - ) - all_chunks = [] - all_metadatas = [] - chunk_add_bar.update(BATCH_SIZE) - - # Final batch - if all_chunks: - chunk_add_bar.total += len(all_chunks) - chunk_add_bar.refresh() - await asyncio.to_thread( - vector_store.add_texts, - texts=all_chunks, - metadatas=all_metadatas, - ) - chunk_add_bar.update(len(all_chunks)) - - chunk_add_bar.close() - - if all_icd_data: - logging.info(f"Saving {len(all_icd_data)} ICD codes") - extract_and_process_icd_data("", hospital_id, save_to_json=True) - - await asyncio.to_thread(vector_store.persist) - logging.info(f"Successfully indexed document {doc_id}") - return True - - except Exception as e: - logging.error(f"Error adding document: {e}") - return False - - -def is_general_knowledge_question( - query: str, context: str, conversation_context=None -) -> bool: - """ - Determine if a question is likely a general knowledge question not covered in the documents. - Takes conversation history into account to reduce repeated confirmations. - """ - query_lower = query.lower() - context_lower = context.lower() - - if conversation_context: - for interaction in conversation_context: - prev_question = interaction.get("question", "").lower() - if ( - prev_question - and query_lower in prev_question - or prev_question in query_lower - ): - logging.info( - f"Question is similar to previous conversation, skipping confirmation" - ) - return False - - stop_words = { - "search", - "query:", - "can", - "you", - "some", - "at", - "the", - "a", - "an", - "in", - "on", - "at", - "to", - "for", - "with", - "by", - "about", - "give", - "full", - "is", - "are", - "was", - "were", - "define", - "what", - "how", - "why", - "when", - "where", - "year", - "list", - "form", - "table", - "who", - "which", - "me", - "tell", - "explain", - "describe", - "of", - "and", - "or", - "there", - "their", - "please", - "could", - "would", - "various", - "different", - "type", - "types", - "kind", - "kinds", - "has", - "have", - "had", - "many", - "say", - "know", - } - - key_words = [ - word for word in query_lower.split() if word not in stop_words and len(word) > 2 - ] - logging.info(f"Key words: {key_words}") - - if not key_words: - logging.info("No significant keywords found, directing to general knowledge") - return True - - matches = sum(1 for word in key_words if word in context_lower) - logging.info(f"Matches: {matches} out of {len(key_words)} keywords") - - match_ratio = matches / len(key_words) - logging.info(f"Match ratio: {match_ratio}") - - return match_ratio < 0.4 - - -def is_table_request(query: str) -> bool: - """ - Determine if the user is requesting a response in tabular format. - """ - table_keywords = [ - "table", - "tabular", - "in a table", - "in table format", - "in tabular format", - "chart", - "data", - "comparison", - "as a table", - "table format", - "in rows and columns", - "in a grid", - "breakdown", - "spreadsheet", - "comparison table", - "data table", - "structured table", - "tabular form", - "table form", - ] - - query_lower = query.lower() - return any(keyword in query_lower for keyword in table_keywords) - - -import re - - -def ensure_html_response(text: str) -> str: - """ - Ensure the response is properly formatted in HTML. - This function handles plain text conversion to HTML. - """ - if "", text)) - - if not has_html_tags: - paragraphs = text.split("\n\n") - html_parts = [] - in_ordered_list = False - in_unordered_list = False - - for para in paragraphs: - if para.strip(): - if re.match(r"^\s*[\*\-\•]\s", para): - if not in_unordered_list: - html_parts.append("
{para}
") - - if in_ordered_list: - html_parts.append("") - if in_unordered_list: - html_parts.append("") - - return "".join(html_parts) - - else: - if not any(tag in text for tag in ("", "
{para}
" for para in paragraphs if para.strip()] - return "".join(html_parts) - - return text - - -class HybridConversationManager: - """ - Hybrid conversation manager that uses Redis for RAG-based conversations - and in-memory storage for general knowledge conversations. - """ - - def __init__(self, redis_client, ttl=3600, max_history_items=5): - self.redis_client = redis_client - self.ttl = ttl - self.max_history_items = max_history_items - - # For general knowledge questions (in-memory) - self.general_knowledge_histories = {} - self.lock = Lock() - - def _get_redis_key(self, user_id, hospital_id, session_id=None): - """Create Redis key for document-based conversations.""" - if session_id: - return f"conv_history:{user_id}:{hospital_id}:{session_id}" - return f"conv_history:{user_id}:{hospital_id}" - - def _get_memory_key(self, user_id, hospital_id, session_id=None): - """Create memory key for general knowledge conversations.""" - if session_id: - return f"{user_id}:{hospital_id}:{session_id}" - return f"{user_id}:{hospital_id}" - - async def add_rag_interaction( - self, user_id, hospital_id, question, answer, session_id=None - ): - """Add document-based (RAG) interaction to Redis.""" - key = self._get_redis_key(user_id, hospital_id, session_id) - history = self.get_rag_history(user_id, hospital_id, session_id) - - # Add new interaction - history.append( - { - "question": question, - "answer": answer, - "timestamp": time.time(), - "type": "rag", # Mark as RAG-based interaction - } - ) - - # Keep only last N interactions - history = history[-self.max_history_items :] - - # Store updated history - try: - self.redis_client.setex(key, self.ttl, json.dumps(history)) - logging.info( - f"Stored RAG interaction in Redis for {user_id}:{hospital_id}:{session_id}" - ) - except Exception as e: - logging.error(f"Failed to store RAG interaction in Redis: {e}") - - def add_general_knowledge_interaction( - self, user_id, hospital_id, question, answer, session_id=None - ): - """Add general knowledge interaction to in-memory store.""" - key = self._get_memory_key(user_id, hospital_id, session_id) - - with self.lock: - if key not in self.general_knowledge_histories: - self.general_knowledge_histories[key] = [] - - self.general_knowledge_histories[key].append( - { - "question": question, - "answer": answer, - "timestamp": time.time(), - "type": "general", # Mark as general knowledge interaction - } - ) - - # Keep only the most recent interactions - if len(self.general_knowledge_histories[key]) > self.max_history_items: - self.general_knowledge_histories[key] = ( - self.general_knowledge_histories[key][-self.max_history_items :] - ) - - logging.info( - f"Stored general knowledge interaction in memory for {user_id}:{hospital_id}:{session_id}" - ) - - def get_rag_history(self, user_id, hospital_id, session_id=None): - """Get document-based (RAG) conversation history from Redis.""" - key = self._get_redis_key(user_id, hospital_id, session_id) - try: - history_data = self.redis_client.get(key) - return json.loads(history_data) if history_data else [] - except Exception as e: - logging.error(f"Failed to retrieve RAG history from Redis: {e}") - return [] - - def get_general_knowledge_history(self, user_id, hospital_id, session_id=None): - """Get general knowledge conversation history from memory.""" - key = self._get_memory_key(user_id, hospital_id, session_id) - - with self.lock: - return self.general_knowledge_histories.get(key, []).copy() - - def get_combined_history(self, user_id, hospital_id, session_id=None): - """Get combined conversation history from both sources, sorted by timestamp.""" - rag_history = self.get_rag_history(user_id, hospital_id, session_id) - general_history = self.get_general_knowledge_history( - user_id, hospital_id, session_id - ) - - # Combine histories - combined_history = rag_history + general_history - - # Sort by timestamp (newest first) - combined_history.sort(key=lambda x: x.get("timestamp", 0), reverse=True) - - # Return most recent N items - return combined_history[: self.max_history_items] - - def get_context_window(self, user_id, hospital_id, session_id=None, window_size=2): - """Get the most recent interactions for context from combined history.""" - combined_history = self.get_combined_history(user_id, hospital_id, session_id) - # Sort by timestamp (oldest first) for context window - sorted_history = sorted(combined_history, key=lambda x: x.get("timestamp", 0)) - return sorted_history[-window_size:] if sorted_history else [] - - def clear_history(self, user_id, hospital_id): - """Clear conversation history from both stores.""" - # Clear Redis history - redis_key = self._get_redis_key(user_id, hospital_id) - try: - self.redis_client.delete(redis_key) - except Exception as e: - logging.error(f"Failed to clear Redis history: {e}") - - # Clear memory history - memory_key = self._get_memory_key(user_id, hospital_id) - with self.lock: - if memory_key in self.general_knowledge_histories: - del self.general_knowledge_histories[memory_key] - - -class ContextMapper: - """Enhanced context mapping using shared model manager""" - - def __init__(self): - self.model_manager = ModelManager() - self.context_cache = {} - self.similarity_threshold = 0.6 - - def get_semantic_similarity(self, text1, text2): - """Get semantic similarity using global model manager""" - return self.model_manager.get_semantic_similarity(text1, text2) - - def extract_key_concepts(self, text): - """Extract key concepts using NLP techniques""" - doc = nlp(text) - concepts = [] - - entities = [(ent.text, ent.label_) for ent in doc.ents] - noun_phrases = [chunk.text for chunk in doc.noun_chunks] - important_words = [ - token.text for token in doc if token.pos_ in ["NOUN", "PROPN", "VERB"] - ] - - concepts.extend([e[0] for e in entities]) - concepts.extend(noun_phrases) - concepts.extend(important_words) - - return list(set(concepts)) - - def map_conversation_context( - self, current_query, conversation_history, context_window=3 - ): - """Map conversation context using enhanced NLP techniques""" - if not conversation_history: - return current_query - - recent_context = conversation_history[-context_window:] - context_concepts = [] - - # Extract concepts from recent conversations - for interaction in recent_context: - q_concepts = self.extract_key_concepts(interaction["question"]) - a_concepts = self.extract_key_concepts(interaction["answer"]) - context_concepts.extend(q_concepts) - context_concepts.extend(a_concepts) - - # Extract concepts from current query - query_concepts = self.extract_key_concepts(current_query) - - # Find related concepts - related_concepts = [] - for q_concept in query_concepts: - for c_concept in context_concepts: - similarity = self.get_semantic_similarity(q_concept, c_concept) - if similarity > self.similarity_threshold: - related_concepts.append(c_concept) - - # Build enhanced query - if related_concepts: - enhanced_query = ( - f"{current_query} in context of {', '.join(related_concepts)}" - ) - else: - enhanced_query = current_query - - return enhanced_query - - -# Initialize the context mapper -context_mapper = ContextMapper() - - -async def generate_contextual_query( - question: str, user_id: str, hospital_id: int, conversation_manager -) -> str: - """Generate enhanced contextual query""" - context_window = conversation_manager.get_context_window(user_id, hospital_id) - - if not context_window: - return question - - # Enhanced context mapping - last_interaction = context_window[-1] - enhanced_context = f""" - Previous question: {last_interaction['question']} - Previous answer: {last_interaction['answer']} - Current question: {question} - - Please generate a detailed search query that combines the context from the previous answer - with the current question, especially if the current question uses words like 'it', 'this', - 'that', or asks for more details about the previous topic. - """ - - try: - response = await asyncio.to_thread( - lambda: client.chat.completions.create( - model="gpt-3.5-turbo", - messages=[ - { - "role": "system", - "content": "You are a context-aware query generator.", - }, - {"role": "user", "content": enhanced_context}, - ], - temperature=0.3, - max_tokens=150, - ) - ) - contextual_query = response.choices[0].message.content.strip() - logging.info(f"Enhanced contextual query: {contextual_query}") - return contextual_query - except Exception as e: - logging.error(f"Error generating contextual query: {e}") - return question - - -def is_follow_up(current_question: str, conversation_history: list) -> bool: - """Enhanced follow-up detection using NLP techniques""" - if not conversation_history: - return False - - last_interaction = conversation_history[-1] - - # Get semantic similarity with higher threshold - similarity = context_mapper.get_semantic_similarity( - current_question, f"{last_interaction['question']} {last_interaction['answer']}" - ) - - # Enhanced referential check - doc = nlp(current_question.lower()) - has_referential = any( - token.lemma_ - in [ - "it", - "this", - "that", - "these", - "those", - "they", - "he", - "she", - "about", - "more", - ] - for token in doc - ) - - # Extract concepts with improved entity detection - current_concepts = set(context_mapper.extract_key_concepts(current_question)) - last_concepts = set( - context_mapper.extract_key_concepts( - f"{last_interaction['question']} {last_interaction['answer']}" - ) - ) - - # Calculate enhanced concept overlap - concept_overlap = ( - len(current_concepts & last_concepts) / len(current_concepts | last_concepts) - if current_concepts - else 0 - ) - - # More aggressive follow-up detection - return ( - similarity > 0.3 # Lowered threshold - or has_referential - or concept_overlap > 0.2 # Lowered threshold - or any( - word in current_question.lower() - for word in ["more", "about", "elaborate", "explain"] - ) - ) - - -async def get_relevant_context(question, hospital_id, doc_id=None): - try: - cache_key = f"context:hospital_{hospital_id}" - if doc_id: - cache_key += f":doc_{doc_id}" - cache_key += f":{question.lower().strip()}" - - redis_client = get_redis_client() - - cached_context = redis_client.get(cache_key) - if cached_context: - logging.info(f"Cache hit for key: {cache_key}") - return ( - cached_context.decode("utf-8") - if isinstance(cached_context, bytes) - else cached_context - ) - - vector_store = await initialize_or_load_vector_store(hospital_id) - if not vector_store: - return "" - - retriever = vector_store.as_retriever( - search_type="mmr", - search_kwargs={ - "k": 10, - "fetch_k": 20, - "lambda_mult": 0.6, - # "filter": {"doc_id": str(doc_id)} if doc_id else {"hospital_id": str(hospital_id)} - }, - ) - - docs = await asyncio.to_thread(retriever.get_relevant_documents, question) - if not docs: - return "" - - sorted_docs = sorted( - docs, - key=lambda x: ( - int(x.metadata.get("page_number", 0)), - int(x.metadata.get("chunk_index", 0)), - ), - ) - - context_parts = [doc.page_content for doc in sorted_docs] - context = "\n\n".join(context_parts) - - try: - redis_client.setex( - cache_key, - int(CACHE_TTL["vector_store"].total_seconds()), - context.encode("utf-8") if isinstance(context, str) else context, - ) - logging.info(f"Cached context for key: {cache_key}") - except Exception as cache_error: - logging.error(f"Failed to cache context: {cache_error}") - - return context - except Exception as e: - logging.error(f"Error getting relevant context: {e}") - return "" - - -def format_conversation_context(conv_history): - """Format conversation history into a string""" - if not conv_history: - return "No previous conversation." - return "\n".join( - [ - f"Q: {interaction['question']}\nA: {interaction['answer']}" - for interaction in conv_history - ] - ) - - -def get_icd_context_from_question(question, hospital_id): - """Extract any valid ICD codes from the question and return context""" - icd_data = load_icd_entries(hospital_id) - matches = [] - code_pattern = re.findall(r"\b([A-Z][0-9A-Z]{2,6}[A-Z]?)\b", question.upper()) - - seen = set() - for code in code_pattern: - for entry in icd_data: - if entry["code"] == code and code not in seen: - matches.append(f"{entry['code']}: {entry['description']}") - seen.add(code) - return "\n".join(matches) - - -def get_fuzzy_icd_context(question, hospital_id, top_n=5, threshold=70): - """Get fuzzy matches for ICD codes from the question""" - icd_data = load_icd_entries(hospital_id) - descriptions = [entry["description"] for entry in icd_data] - matches = process.extract( - question, descriptions, limit=top_n, score_cutoff=threshold - ) - - matched_context = [] - for desc, score, _ in matches: - for entry in icd_data: - if entry["description"] == desc: - matched_context.append(f"{entry['code']}: {entry['description']}") - break - - return "\n".join(matched_context) - - -async def generate_answer_with_rag( - question, - hospital_id, - client, - doc_id=None, - user_id="default", - conversation_manager=None, - session_id=None, -): - """Generate an answer using RAG with improved conversation flow""" - try: - # Continue with regular RAG processing if not an ICD code or if no ICD match found - html_instruction = """ - IMPORTANT: Format your ENTIRE response as HTML. Use appropriate HTML tags for all content: - - Usetags for paragraphs - - Use
for quoted text - - Use for bold text and for emphasis - """ - - table_instruction = """ - - For tables, use proper HTML table structure: -- -
- """ - # Get conversation history first - conv_history = ( - conversation_manager.get_context_window(user_id, hospital_id, session_id) - if conversation_manager - else [] - ) - - # Get contextual query and relevant context first - contextual_query = await generate_contextual_query( - question, user_id, hospital_id, conversation_manager - ) - # Track ICD context across conversation - icd_context = {} - if conv_history: - # Extract ICD code from previous interaction - last_answer = conv_history[-1].get("answer", "") - icd_codes = re.findall(r"\b([A-Z][0-9A-Z]{2,6}[A-Z]?)\b", last_answer) - if icd_codes: - icd_context["last_code"] = icd_codes[0] - - # Check if current question is about a previously discussed ICD code - is_icd_followup = False - if icd_context.get("last_code"): - followup_indicators = [ - "what causes", - "what is causing", - "why", - "how", - "symptoms", - "treatment", - "diagnosis", - "causes", - "effects", - "complications", - "risk factors", - "prevention", - "prognosis", - "this", - "disease", - "that", - "it", - ] - is_icd_followup = any( - indicator in question.lower() for indicator in followup_indicators - ) - - if is_icd_followup: - # Add the previous ICD code context to the current question - icd_exact_context = get_icd_context_from_question( - icd_context["last_code"], hospital_id - ) - icd_fuzzy_context = get_fuzzy_icd_context( - f"{icd_context['last_code']} {question}", hospital_id - ) - else: - icd_exact_context = get_icd_context_from_question(question, hospital_id) - icd_fuzzy_context = get_fuzzy_icd_context(question, hospital_id) - else: - icd_exact_context = get_icd_context_from_question(question, hospital_id) - icd_fuzzy_context = get_fuzzy_icd_context(question, hospital_id) - - # Get contextual query and relevant context - contextual_query = await generate_contextual_query( - question, user_id, hospital_id, conversation_manager - ) - doc_context = await get_relevant_context(contextual_query, hospital_id, doc_id) - - # Combine context with priority for ICD information - context_parts = [] - if is_icd_followup: - context_parts.append( - f"## Previous ICD Code Context\nContinuing discussion about: {icd_context['last_code']}" - ) - if icd_exact_context: - context_parts.append("## ICD Code Match\n" + icd_exact_context) - if icd_fuzzy_context: - context_parts.append("## Related ICD Suggestions\n" + icd_fuzzy_context) - if doc_context: - context_parts.append("## Document Context\n" + doc_context) - - context = "\n\n".join(context_parts) - - # Initialize follow-up detection - is_follow_up = False - - # Check if this is a follow-up question - if conv_history: - last_interaction = conv_history[-1] - last_question = last_interaction["question"].lower() - last_answer = last_interaction.get("answer", "").lower() - current_question = question.lower() - - # Define meaningful keywords that indicate entity-related follow-ups - entity_related_keywords = { - "achievements", - "awards", - "accomplishments", - "work", - "contributions", - "career", - "company", - "products", - "life", - "background", - "education", - "role", - "experience", - "history", - "details", - "places", - "place", - "information", - "facts", - "about", - "birth", - "death", - "family", - "books", - "projects", - "population", - } - - # Check if question is asking about attributes/achievements of previously discussed entity - has_entity_attribute = any( - word in current_question.split() for word in entity_related_keywords - ) - - # Extract entities from last answer to maintain context - def extract_entities(text): - # Split into words and get potential entities (capitalized words) - words = text.split() - entities = set() - current_entity = [] - - for word in words: - if word[0].isupper(): - current_entity.append(word) - elif current_entity: - if len(current_entity) > 0: - entities.add(" ".join(current_entity)) - current_entity = [] - - if current_entity: - entities.add(" ".join(current_entity)) - return entities - - last_entities = extract_entities(last_answer) - - # Check for referential words - referential_words = { - "it", - "this", - "that", - "these", - "those", - "they", - "their", - "he", - "she", - "him", - "her", - "his", - "hers", - "them", - "there", - "such", - "its", - } - has_referential = any( - word in referential_words for word in current_question.split() - ) - - # Calculate term overlap with both question and answer context - def get_significant_terms(text): - stop_words = { - "what", - "when", - "where", - "who", - "why", - "how", - "is", - "are", - "was", - "were", - "be", - "been", - "the", - "a", - "an", - "in", - "on", - "at", - "to", - "for", - "of", - "with", - "by", - "about", - "as", - "tell", - "me", - "please", - } - return set( - word - for word in text.split() - if len(word) > 2 and word.lower() not in stop_words - ) - - current_terms = get_significant_terms(current_question) - last_terms = get_significant_terms(last_question) - answer_terms = get_significant_terms(last_answer) - - # Include terms from both question and answer in context - all_prev_terms = last_terms | answer_terms - term_overlap = len(current_terms & all_prev_terms) - total_terms = len(current_terms | all_prev_terms) - term_similarity = term_overlap / total_terms if total_terms > 0 else 0 - - # Enhanced follow-up detection combining multiple signals - is_follow_up = ( - has_referential - or term_similarity - >= 0.2 # Lower threshold when including answer context - or ( - has_entity_attribute and bool(last_entities) - ) # Check if asking about attributes of known entity - or ( - last_interaction.get("type") == "general" - and term_similarity >= 0.15 - ) - ) - - logging.info(f"Follow-up analysis enhanced:") - logging.info(f"- Referential words: {has_referential}") - logging.info(f"- Term similarity: {term_similarity:.2f}") - logging.info(f"- Entity attribute question: {has_entity_attribute}") - logging.info(f"- Last entities found: {last_entities}") - logging.info(f"- Is follow-up: {is_follow_up}") - - # For entirely new topics (not follow-ups), use is_general_knowledge_question - if not is_follow_up: - is_general = is_general_knowledge_question(question, context, conv_history) - if is_general: - confirmation_prompt = f""" -- -{table_title} -- {table_headers} - - - - {table_rows} - -Reviewed the hospital’s documentation, but this particular question does not seem to be covered.
- """ - logging.info("General knowledge question detected") - return { - "answer": confirmation_prompt, - "requires_confirmation": True, - }, 200 - - # # For follow-up questions to general knowledge, handle directly - # if is_follow_up and conv_history and conv_history[-1].get("type") == "general": - # logging.info("Handling follow-up to general knowledge question") - # answer = await generate_general_knowledge_answer( - # question, - # client, - # user_id, - # hospital_id, - # conversation_manager, - # is_table_request(question), - # session_id=session_id, - # ) - # return {"answer": answer}, 200 - - # Generate RAG answer with enhanced context - prompt_template = f"""Based on the following context and conversation history, provide a detailed answer to the question. - Previous conversation: - {format_conversation_context(conv_history)} - - Context from documents: - {context} - - Current question: {question} - - Instructions: - 1. When providing medical codes (ICD, CPT, etc.): - - Always use the ICD codes listed in the sections titled "ICD Code Match" and "Related ICD Suggestions" from the context. - - Do not use or invent ICD codes from your own training knowledge unless they appear in the provided context. - - If multiple codes are relevant, return the one that best matches the user’s question. If unsure, return multiple options in HTML list format. - - Remove all decimal points (e.g., use 'A150' instead of 'A15.0') - - Format the response as: 'The medical code for [condition] is [code]
' - 2. Address the current question while maintaining conversation continuity - 3. Resolve any ambiguous references using conversation history - 4. Format the response in clear HTML - - {html_instruction} - {table_instruction if is_table_request(question) else ""} - """ - - response = await asyncio.to_thread( - lambda: client.chat.completions.create( - model="gpt-3.5-turbo-16k", - messages=[ - {"role": "system", "content": prompt_template}, - {"role": "user", "content": question}, - ], - temperature=0.3, - max_tokens=1000, - ) - ) - - answer = ensure_html_response(response.choices[0].message.content) - logging.info(f"Generated RAG answer for question: {question}") - - # Store interaction in history - if conversation_manager: - await conversation_manager.add_rag_interaction( - user_id, hospital_id, question, answer, session_id - ) - - return {"answer": answer}, 200 - - except Exception as e: - logging.error(f"Error in generate_answer_with_rag: {e}") - return {"answer": f"Error: {str(e)}
"}, 500 - - -# async def generate_general_knowledge_answer( -# query: str, -# client, -# user_id: str, -# hospital_id: int, -# conversation_manager, -# wants_table: bool = False, -# session_id=None, -# ) -> str: -# """Generate an answer from general knowledge with enhanced context awareness""" -# html_instruction = """ -# IMPORTANT: Format your ENTIRE response as HTML. Use appropriate HTML tags for all content: -# - Usetags for paragraphs -# - Use
,
tags for headings and subheadings -# - Use
,
") - - return "".join(html_parts) - - else: - if not any(tag in text for tag in ("- tags for bullet points -# - Use
,
") - if in_unordered_list: - html_parts.append("- tags for numbered lists -# - Use
for quoted text -# - Use for bold text and for emphasis -# """ - -# table_instruction = """ -# - For tables, use proper HTML table structure: -#-# -#
-# """ -# # Get conversation history for context -# conv_history = conversation_manager.get_context_window( -# user_id, hospital_id, session_id -# ) - -# # Extract entities from previous answer if available -# entities = [] -# if conv_history: -# last_answer = conv_history[-1].get("answer", "") -# words = last_answer.split() -# current_entity = [] -# for word in words: -# if word[0].isupper() and len(word) > 2: -# current_entity.append(word) -# elif current_entity: -# entities.append(" ".join(current_entity)) -# current_entity = [] -# if current_entity: -# entities.append(" ".join(current_entity)) - -# conversation_context = "\n".join( -# [ -# f"Q: {interaction['question']}\nA: {interaction['answer']}" -# for interaction in conv_history -# ] -# ) - -# # Enhanced system prompt with entity awareness -# system_prompt = f"""You are a helpful assistant providing information from general knowledge. -# Previous conversation: -# {conversation_context} - -# {'Previous answer mentioned these entities: ' + ', '.join(entities) if entities else ''} - -# 1. If the question seems incomplete or asks about attributes (like population, details, etc.), -# assume it's referring to the most recently mentioned entity ({entities[0] if entities else 'none'}). -# 2. Present information in a clear, organized manner. -# 3. If you're uncertain about any information, acknowledge that limitation. -# 4. If the question requires specialized expertise, note that the user may want to consult an expert. -# 5. Format the response in clear HTML. - -# {html_instruction} -# {table_instruction if wants_table else ""} -# """ - -# try: -# logging.info(f"Generating general knowledge answer for: {query}") -# response = client.chat.completions.create( -# model="gpt-3.5-turbo", -# messages=[ -# {"role": "system", "content": system_prompt}, -# {"role": "user", "content": query}, -# ], -# temperature=0.3, -# stream=True, -# ) - -# response_text = "" -# for chunk in response: -# if chunk.choices[0].delta.content: -# response_text += chunk.choices[0].delta.content - -# formatted_response = ensure_html_response(response_text.strip()) - -# # Store the interaction in conversation history -# conversation_manager.add_general_knowledge_interaction( -# user_id, hospital_id, query, formatted_response, session_id -# ) - -# return formatted_response - -# except Exception as e: -# logging.error(f"Error generating general knowledge answer: {e}") -# return f"-# -#{table_title} -#-# {table_headers} -# -# -# -# {table_rows} -# -#Error generating response: {str(e)}
" - - -async def load_existing_vector_stores(): - """Load existing Chroma vector stores for each hospital""" - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - try: - await cursor.execute("SELECT DISTINCT id FROM hospitals") - hospital_ids = [row[0] for row in await cursor.fetchall()] - - for hospital_id in hospital_ids: - try: - await initialize_or_load_vector_store(hospital_id) - except Exception as e: - logging.error( - f"Failed to load vector store for hospital {hospital_id}: {e}" - ) - continue - - except Exception as e: - logging.error(f"Error loading vector stores: {e}") - - -async def get_failed_page(doc_id): - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - try: - await cursor.execute( - "SELECT failed_page FROM documents WHERE id = %s", (doc_id,) - ) - result = await cursor.fetchone() - return result[0] if result and result[0] else None - except Exception as e: - logging.error(f"Database error checking failed_page: {e}") - return None - - -async def update_document_status(doc_id, status, failed_page=None): - """Update document status with enum validation""" - if isinstance(status, str): - status = DocumentStatus[status.upper()].value - - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - try: - if failed_page: - await cursor.execute( - "UPDATE documents SET processed_status = %s, failed_page = %s WHERE id = %s", - (status, failed_page, doc_id), - ) - else: - await cursor.execute( - "UPDATE documents SET processed_status = %s, failed_page = NULL WHERE id = %s", - (status, doc_id), - ) - await conn.commit() - return True - except Exception as e: - logging.error(f"Database update error: {e}") - return False - - -thread_pool = ThreadPoolExecutor(max_workers=10) - - -def async_to_sync(coroutine): - """Helper function to run async code in sync context""" - loop = asyncio.new_event_loop() - asyncio.set_event_loop(loop) - try: - return loop.run_until_complete(coroutine) - finally: - loop.close() - - -@app.route("/flask-api", methods=["GET"]) -def health_check(): - """Health check endpoint""" - access_logger.info(f"Health check request received from {request.remote_addr}") - return jsonify({"status": "ok"}), 200 - - -@app.route("/flask-api/process-pdf", methods=["POST"]) -def process_pdf(): - access_logger.info(f"PDF processing request received from {request.remote_addr}") - file_path = None - try: - file = request.files.get("pdf") - hospital_id = request.form.get("hospital_id") - doc_id = request.form.get("doc_id") - - logging.info( - f"Received PDF processing request for hospital {hospital_id}, doc_id {doc_id}" - ) - - if not all([file, hospital_id, doc_id]): - return jsonify({"error": "Missing required parameters"}), 400 - - def process_in_background(): - nonlocal file_path - try: - async_to_sync(update_document_status(doc_id, "processing")) - - # Add progress logging - logging.info(f"Starting processing of document {doc_id}") - - filename = f"doc_{doc_id}_{file.filename}" - file_path = os.path.join(uploads_dir, filename) - - with open(file_path, "wb") as f: - file.save(f) - - logging.info("Extracting PDF contents...") - content = extract_pdf_contents(file_path, int(hospital_id)) - - logging.info("Inserting content into database...") - metadata = {"filename": filename} - result = async_to_sync( - insert_content_into_db(content, metadata, doc_id) - ) - - if "error" in result: - async_to_sync(update_document_status(doc_id, "failed", 1)) - return False - - logging.info("Creating embeddings and indexing...") - success = async_to_sync(add_document_to_index(doc_id, hospital_id)) - - if success: - logging.info("Document processing completed successfully") - async_to_sync(update_document_status(doc_id, "processed")) - return True - else: - logging.error("Document processing failed during indexing") - async_to_sync(update_document_status(doc_id, "failed")) - return False - - except Exception as e: - logging.error(f"Processing error: {e}") - async_to_sync(update_document_status(doc_id, "failed")) - return False - finally: - if file_path and os.path.exists(file_path): - try: - os.remove(file_path) - except Exception as e: - logging.error(f"Error removing temporary file: {e}") - - # Execute processing and wait for result - future = thread_pool.submit(process_in_background) - success = future.result() - - if success: - return jsonify({"message": "Document processed successfully"}), 200 - else: - return jsonify({"error": "Document processing failed"}), 500 - - except Exception as e: - logging.error(f"API error: {e}") - if file_path and os.path.exists(file_path): - try: - os.remove(file_path) - except Exception as file_e: - logging.error(f"Error removing temporary file: {file_e}") - return jsonify({"error": str(e)}), 500 - - -# Initialize the hybrid conversation manager -redis_client = get_redis_client() -conversation_manager = HybridConversationManager(redis_client) - - -@app.route("/flask-api/generate-answer", methods=["POST"]) -def rag_answer_api(): - """Sync API endpoint for RAG-based question answering with conversation history.""" - access_logger.info(f"Generate answer request received from {request.remote_addr}") - try: - data = request.json - question = data.get("question", "").strip().lower() - hospital_code = data.get("hospital_code") - doc_id = data.get("doc_id") - user_id = data.get("user_id", "default") - session_id = data.get("session_id", None) - - logging.info(f"Received question from user {user_id}: {question}") - logging.info(f"Received hospital code: {hospital_code}") - logging.info(f"Received session_id: {session_id}") - - # is_confirmation_response = data.get("is_confirmation_response", False) - original_query = data.get("original_query", "") - - def process_rag_answer(): - try: - hospital_id = async_to_sync(get_hospital_id(hospital_code)) - logging.info(f"Resolved hospital ID: {hospital_id}") - - if not hospital_id: - return { - "error": "Invalid or missing 'hospital_code' in request" - }, 400 - - # if question == "yes" and original_query: - # # User confirmed they want a general knowledge answer - # answer = async_to_sync( - # generate_general_knowledge_answer( - # original_query, - # client, - # user_id, - # hospital_id, - # conversation_manager, # Pass the hybrid manager - # is_table_request(original_query), - # session_id=session_id, - # ) - # ) - # return {"answer": answer}, 200 - - if original_query: - response_message = """ -I can only answer questions based on information found in the hospital documents.
-The question you asked doesn't seem to be covered in the available documents.
-You can try rephrasing your question or asking about a different topic.
- """ - return {"answer": response_message}, 200 - - else: - # Regular RAG answer - return async_to_sync( - generate_answer_with_rag( - question=question, - hospital_id=hospital_id, - client=client, - doc_id=doc_id, - user_id=user_id, - conversation_manager=conversation_manager, # Pass the hybrid manager - session_id=session_id, - ) - ) - except Exception as e: - logging.error(f"Thread processing error: {str(e)}") - return {"error": str(e)}, 500 - - if not question: - return jsonify({"error": "Missing 'question' in request"}), 400 - - future = thread_pool.submit(process_rag_answer) - result, status_code = future.result() - - return jsonify(result), status_code - - except Exception as e: - logging.error(f"API error: {str(e)}") - return jsonify({"error": str(e)}), 500 - - -@app.route("/flask-api/delete-document-vectors", methods=["DELETE"]) -def delete_document_vectors_endpoint(): - """Endpoint to delete document vectors from ChromaDB""" - try: - data = request.json - hospital_id = data.get("hospital_id") - doc_id = data.get("doc_id") - - if not all([hospital_id, doc_id]): - return jsonify({"error": "Missing required parameters"}), 400 - - logging.info( - f"Received request to delete vectors for document {doc_id} from hospital {hospital_id}" - ) - - def process_deletion(): - try: - success = async_to_sync(delete_document_vectors(hospital_id, doc_id)) - if success: - return {"message": "Document vectors deleted successfully"}, 200 - else: - return {"error": "Failed to delete document vectors"}, 500 - except Exception as e: - logging.error(f"Error in vector deletion process: {e}") - return {"error": str(e)}, 500 - - future = thread_pool.submit(process_deletion) - result, status_code = future.result() - - return jsonify(result), status_code - - except Exception as e: - logging.error(f"API error: {str(e)}") - return jsonify({"error": str(e)}), 500 - - -@app.route("/flask-api/get-chroma-content", methods=["GET"]) -def get_chroma_content_endpoint(): - """API endpoint to get ChromaDB content by hospital_id""" - try: - hospital_id = request.args.get("hospital_id") - limit = int(request.args.get("limit", 30000)) - - if not hospital_id: - return jsonify({"error": "Missing required parameter: hospital_id"}), 400 - - def process_fetch(): - try: - result, status_code = async_to_sync( - get_chroma_content_by_hospital( - hospital_id=int(hospital_id), limit=limit - ) - ) - return result, status_code - except Exception as e: - logging.error(f"Error in ChromaDB fetch process: {e}") - return {"error": str(e)}, 500 - - future = thread_pool.submit(process_fetch) - result, status_code = future.result() - - return jsonify(result), status_code - - except Exception as e: - logging.error(f"API error: {str(e)}") - return jsonify({"error": str(e)}), 500 - - -async def get_chroma_content_by_hospital(hospital_id: int, limit: int = 100): - """Fetch content from ChromaDB for a specific hospital""" - try: - # Initialize vector store - vector_store = await initialize_or_load_vector_store(hospital_id) - if not vector_store: - return {"error": "Vector store not found"}, 404 - - # Get collection - collection = vector_store._collection - - # Query the collection with hospital_id filter - results = await asyncio.to_thread( - lambda: collection.get(where={"hospital_id": str(hospital_id)}, limit=limit) - ) - - if not results or not results["ids"]: - return {"data": [], "count": 0}, 200 - - # Format the response - formatted_results = [] - for i in range(len(results["ids"])): - formatted_results.append( - { - "id": results["ids"][i], - "content": results["documents"][i], - "metadata": results["metadatas"][i], - } - ) - - return {"data": formatted_results, "count": len(formatted_results)}, 200 - - except Exception as e: - logging.error(f"Error fetching ChromaDB content: {e}") - return {"error": str(e)}, 500 - - -@app.before_request -def before_request(): - request._start_time = time.time() - - -@app.after_request -def after_request(response): - if hasattr(request, "_start_time"): - duration = time.time() - request._start_time - access_logger.info( - f'"{request.method} {request.path}" {response.status_code} - Duration: {duration:.3f}s - ' - f"IP: {request.remote_addr}" - ) - return response - - -if __name__ == "__main__": - logger.info("Starting SpurrinAI application") - logger.info(f"Python version: {sys.version}") - logger.info(f"Environment: {os.getenv('FLASK_ENV', 'production')}") - - try: - model_manager = ModelManager() - logger.info("Model manager initialized successfully") - except Exception as e: - logger.error(f"Failed to initialize model manager: {e}") - sys.exit(1) - - # Initialize directories - os.makedirs(DATA_DIR, exist_ok=True) - os.makedirs(CHROMA_DIR, exist_ok=True) - logger.info(f"Initialized directories: {DATA_DIR}, {CHROMA_DIR}") - - # Clear Redis cache - redis_client = get_redis_client() - cleared_keys = 0 - for key in redis_client.scan_iter("vector_store_data:*"): - redis_client.delete(key) - cleared_keys += 1 - logger.info(f"Cleared {cleared_keys} Redis cache keys") - - # Load vector stores - logger.info("Loading existing vector stores...") - async_to_sync(load_existing_vector_stores()) - logger.info("Vector stores loaded successfully") - - # Start application - logger.info("Starting Flask application on port 5000") - app.run(port=5000, debug=False) \ No newline at end of file diff --git a/chat copy 3.py b/chat copy 3.py deleted file mode 100644 index 85f521b..0000000 --- a/chat copy 3.py +++ /dev/null @@ -1,2043 +0,0 @@ -""" -SpurrinAI - Intelligent Document Processing and Question Answering System -Copyright (c) 2024 Tech4biz. All rights reserved. - -This module implements the main Flask application for the SpurrinAI system, -providing REST APIs for document processing, vector storage, and question answering -using RAG (Retrieval Augmented Generation) architecture. - -Author: Tech4biz Development Team -Version: 1.0.0 -Last Updated: 2024-01-19 -""" - -# Standard library imports -import os -import re -import sys -import json -import time -import threading -import asyncio -from concurrent.futures import ThreadPoolExecutor -from dataclasses import dataclass -from datetime import timedelta -from enum import Enum - -# Third-party imports -import spacy -import redis -import aiomysql -from dotenv import load_dotenv -from flask import Flask, request, jsonify, Response -from flask_cors import CORS -from tqdm import tqdm -from tqdm.asyncio import tqdm as tqdm_async -from langchain_community.document_loaders import PyPDFLoader -from langchain.text_splitter import RecursiveCharacterTextSplitter -from langchain_community.embeddings import OpenAIEmbeddings -from langchain_community.vectorstores import Chroma -from langchain_community.chat_models import ChatOpenAI -from langchain.chains import RetrievalQA -from langchain.prompts import PromptTemplate -from openai import OpenAI -from rapidfuzz import process -from threading import Lock - -# Local imports -from model_manager import ModelManager - -# Suppress warnings -import warnings - -warnings.filterwarnings("ignore") - -# Initialize NLTK -import nltk - -nltk.download("punkt") - -# Configure logging -import logging -import logging.handlers - -app = Flask(__name__) -CORS(app) - -script_dir = os.path.dirname(os.path.abspath(__file__)) -log_file_path = os.path.join(script_dir, "error.log") -logging.basicConfig(filename=log_file_path, level=logging.INFO) - - -# Configure logging -def setup_logging(): - log_dir = os.path.join(script_dir, "logs") - os.makedirs(log_dir, exist_ok=True) - - main_log = os.path.join(log_dir, "app.log") - error_log = os.path.join(log_dir, "error.log") - access_log = os.path.join(log_dir, "access.log") - perf_log = os.path.join(log_dir, "performance.log") - - # Create formatters - detailed_formatter = logging.Formatter( - "%(asctime)s - %(name)s - %(levelname)s - [%(filename)s:%(lineno)d] - %(message)s" - ) - access_formatter = logging.Formatter("%(asctime)s - %(levelname)s - %(message)s") - - # Main logger setup - main_handler = logging.handlers.RotatingFileHandler( - main_log, maxBytes=10485760, backupCount=5 - ) - main_handler.setFormatter(detailed_formatter) - main_handler.setLevel(logging.INFO) - - # Error logger setup - error_handler = logging.handlers.RotatingFileHandler( - error_log, maxBytes=10485760, backupCount=5 - ) - error_handler.setFormatter(detailed_formatter) - error_handler.setLevel(logging.ERROR) - - # Access logger setup - access_handler = logging.handlers.TimedRotatingFileHandler( - access_log, when="midnight", interval=1, backupCount=30 - ) - access_handler.setFormatter(access_formatter) - access_handler.setLevel(logging.INFO) - - # Performance logger setup - perf_handler = logging.handlers.RotatingFileHandler( - perf_log, maxBytes=10485760, backupCount=5 - ) - perf_handler.setFormatter(detailed_formatter) - perf_handler.setLevel(logging.INFO) - - # Configure root logger - root_logger = logging.getLogger() - root_logger.setLevel(logging.INFO) - root_logger.addHandler(main_handler) - root_logger.addHandler(error_handler) - - # Create specific loggers - access_logger = logging.getLogger("access") - access_logger.addHandler(access_handler) - access_logger.setLevel(logging.INFO) - - perf_logger = logging.getLogger("performance") - perf_logger.addHandler(perf_handler) - perf_logger.setLevel(logging.INFO) - - return root_logger, access_logger, perf_logger - - -# Initialize loggers -logger, access_logger, perf_logger = setup_logging() - -# DB_CONFIG = { -# 'host': 'localhost', -# 'user': 'flaskuser', -# 'password': 'Flask@123', -# 'database': 'spurrinai', -# } - -# DB_CONFIG = { -# 'host': 'localhost', -# 'user': 'spurrindevuser', -# 'password': 'Admin@123', -# 'database': 'spurrindev', -# } - -# DB_CONFIG = { -# 'host': 'localhost', -# 'user': 'root', -# 'password': 'root', -# 'database': 'medqueryai', -# 'port': 3307 -# } - -# Redis Configuration -REDIS_CONFIG = { - "host": "localhost", - "port": 6379, - "db": 0, - "decode_responses": True, # For string operations -} - -DB_CONFIG = { - "host": os.getenv("DB_HOST", "localhost"), - "user": os.getenv("DB_USER", "testuser"), - "password": os.getenv("DB_PASSWORD", "Admin@123"), - "database": os.getenv("DB_NAME", "spurrintest"), -} - -# Redis connection pool -redis_pool = redis.ConnectionPool(**REDIS_CONFIG) -redis_binary_pool = redis.ConnectionPool( - host="localhost", port=6379, db=1, decode_responses=False -) - - -def get_redis_client(binary=False): - """Get Redis client from pool""" - logger.debug(f"Getting Redis client with binary={binary}") - try: - pool = redis_binary_pool if binary else redis_pool - client = redis.Redis(connection_pool=pool) - logger.debug("Redis client created successfully") - return client - except Exception as e: - logger.error(f"Failed to create Redis client: {e}", exc_info=True) - raise - - -def fetch_cached_answer(cache_key): - logger.debug(f"Attempting to fetch cached answer for key: {cache_key}") - start_time = time.time() - try: - redis_client = get_redis_client() - cached_answer = redis_client.get(cache_key) - fetch_time = time.time() - start_time - perf_logger.info( - f"Redis fetch completed in {fetch_time:.3f} seconds for key: {cache_key}" - ) - return cached_answer - except Exception as e: - logger.error(f"Redis fetch error for key {cache_key}: {e}", exc_info=True) - return None - - -# Cache TTL configurations -CACHE_TTL = { - "vector_store": timedelta(hours=24), - "chat_completion": timedelta(hours=1), - "document_metadata": timedelta(days=7), -} - -DATA_DIR = os.path.join(script_dir, "hospital_data") -CHROMA_DIR = os.path.join(DATA_DIR, "chroma_db") -uploads_dir = os.path.join(script_dir, "llm-uploads") - -if not os.path.exists(uploads_dir): - os.makedirs(uploads_dir) - -nlp = spacy.load("en_core_web_sm") - -load_dotenv() -OPENAI_API_KEY = os.getenv("OPENAI_API_KEY") - -client = OpenAI(api_key=OPENAI_API_KEY) -embeddings = OpenAIEmbeddings(api_key=OPENAI_API_KEY) -llm = ChatOpenAI( - model_name="gpt-3.5-turbo", streaming=True, temperature=0.2, api_key=OPENAI_API_KEY -) -# text_splitter = RecursiveCharacterTextSplitter(chunk_size=1000, chunk_overlap=50) -hospital_vector_stores = {} -vector_store_lock = threading.Lock() - - -@dataclass -class Document: - doc_id: int - page_num: int - content: str - - -class DocumentStatus(Enum): - PROCESSING = "processing" - PROCESSED = "processed" - FAILED = "failed" - - -async def get_db_pool(): - return await aiomysql.create_pool( - host=DB_CONFIG["host"], - user=DB_CONFIG["user"], - password=DB_CONFIG["password"], - db=DB_CONFIG["database"], - autocommit=True, - ) - - -async def get_hospital_id(hospital_code): - try: - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor(aiomysql.DictCursor) as cursor: - await cursor.execute( - "SELECT id FROM hospitals WHERE hospital_code = %s LIMIT 1", - (hospital_code,), - ) - result = await cursor.fetchone() - return result["id"] if result else None - except Exception as error: - logging.error(f"Database error: {error}") - return None - finally: - pool.close() - await pool.wait_closed() - - -CHUNK_SIZE = 1000 -CHUNK_OVERLAP = 50 -BATCH_SIZE = 1000 - -text_splitter = RecursiveCharacterTextSplitter( - chunk_size=CHUNK_SIZE, - chunk_overlap=CHUNK_OVERLAP, - # length_function=len, - # separators=["\n\n", "\n", ". ", " ", ""] -) - - -# Update the JSON_PATH to be dynamic based on hospital_id -def get_icd_json_path(hospital_id): - hospital_data_dir = os.path.join(DATA_DIR, f"hospital_{hospital_id}") - os.makedirs(hospital_data_dir, exist_ok=True) - return os.path.join(hospital_data_dir, "icd_data.json") - - -def extract_and_process_icd_data(content, hospital_id, save_to_json=True): - """Extract and process ICD codes with optimized processing and optional JSON saving""" - try: - # Initialize pattern compilation once - pattern = re.compile(r"^\s*([A-Z][0-9A-Z]{2,6}[A-Z]?)\s+(.*)$", re.MULTILINE) - - # Process in chunks for large content - chunk_size = 50000 # Process 50KB at a time - icd_data = [] - - current_code = None - current_description = [] - - # Split content into manageable chunks - content_chunks = [ - content[i : i + chunk_size] for i in range(0, len(content), chunk_size) - ] - - # Process each chunk - for chunk in content_chunks: - lines = chunk.splitlines() - - for line in lines: - line = line.strip() - if not line: - if current_code and current_description: - icd_data.append( - { - "code": current_code, - "description": " ".join(current_description).strip(), - } - ) - current_code = None - current_description = [] - continue - - match = pattern.match(line) - if match: - if current_code and current_description: - icd_data.append( - { - "code": current_code, - "description": " ".join(current_description).strip(), - } - ) - current_code, description = match.groups() - current_description = [description.strip()] - elif current_code: - current_description.append(line) - - # Add final entry if exists - if current_code and current_description: - icd_data.append( - { - "code": current_code, - "description": " ".join(current_description).strip(), - } - ) - - # Save to hospital-specific JSON if requested - if save_to_json and icd_data: - try: - json_path = get_icd_json_path(hospital_id) - - # Use a lock for thread safety - with threading.Lock(): - if os.path.exists(json_path): - with open(json_path, "r", encoding="utf-8") as f: - try: - existing_data = json.load(f) - except json.JSONDecodeError: - existing_data = [] - else: - existing_data = [] - - # Efficient deduplication using dictionary - seen_codes = {item["code"]: item for item in existing_data} - for item in icd_data: - seen_codes[item["code"]] = item - - unique_data = list(seen_codes.values()) - - # Write atomically using temporary file - temp_path = f"{json_path}.tmp" - with open(temp_path, "w", encoding="utf-8") as f: - json.dump(unique_data, f, indent=2, ensure_ascii=False) - os.replace(temp_path, json_path) - - logging.info( - f"Successfully saved {len(unique_data)} unique ICD codes to JSON for hospital {hospital_id}" - ) - - except Exception as e: - logging.error( - f"Error saving ICD data to JSON for hospital {hospital_id}: {e}" - ) - - return icd_data - - except Exception as e: - logging.error(f"Error in extract_and_process_icd_data: {e}") - return [] - - -def load_icd_entries(hospital_id): - """Load ICD entries from hospital-specific JSON file""" - json_path = get_icd_json_path(hospital_id) - try: - if os.path.exists(json_path): - with open(json_path, "r", encoding="utf-8") as f: - return json.load(f) - return [] - except Exception as e: - logging.error(f"Error loading ICD entries for hospital {hospital_id}: {e}") - return [] - - -# Update the process_icd_codes function to include hospital_id -async def process_icd_codes(content, doc_id, hospital_id, batch_size=256): - """Process and store ICD codes using the optimized extraction function""" - try: - # Extract and save codes with hospital_id - extract_and_process_icd_data(content, hospital_id, save_to_json=True) - except Exception as e: - logging.error(f"Error processing ICD codes for hospital {hospital_id}: {e}") - - -async def initialize_icd_vector_store(hospital_id): - """This function is deprecated. ICD codes are now handled through JSON search.""" - logging.warning( - "initialize_icd_vector_store is deprecated - using JSON search instead" - ) - return None - - -def extract_pdf_contents(pdf_path, hospital_id): - """Extract PDF contents with optimized chunking and code extraction""" - try: - loader = PyPDFLoader(pdf_path) - pages = loader.load() - pages_content = [] - - for i, page in enumerate(tqdm(pages, desc="Extracting pages")): - text = page.page_content.strip() - - # Extract ICD codes from the page - icd_codes = extract_and_process_icd_data( - text, hospital_id - ) # We'll set doc_id later - - pages_content.append({"page": i + 1, "text": text, "codes": icd_codes}) - - return pages_content - - except Exception as e: - logging.error(f"Error in extract_pdf_contents: {e}") - raise - - -async def insert_content_into_db(content, metadata, doc_id): - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - try: - metadata_query = "INSERT INTO document_metadata (document_id, key_name, value_name) VALUES (%s, %s, %s)" - content_query = "INSERT INTO document_pages (document_id, page_number, content) VALUES (%s, %s, %s)" - - metadata_values = [ - (doc_id, key[:100], value) - for key, value in metadata.items() - if value - ] - content_values = [ - (doc_id, page_content["page"], page_content["text"]) - for page_content in content - ] - - if metadata_values: - await cursor.executemany(metadata_query, metadata_values) - if content_values: - await cursor.executemany(content_query, content_values) - - await conn.commit() - return {"message": "Success"} - except Exception as e: - await conn.rollback() - return {"error": str(e)} - - -async def initialize_or_load_vector_store(hospital_id, user_id="default"): - """Initialize or load vector store with Redis caching and thread safety""" - store_key = f"{hospital_id}:{user_id}" - - try: - # Check if we already have it loaded - with lock for thread safety - with vector_store_lock: - if store_key in hospital_vector_stores: - return hospital_vector_stores[store_key] - - # Initialize vector store - redis_client = get_redis_client(binary=True) - cache_key = f"vector_store_data:{hospital_id}:{user_id}" - hospital_dir = os.path.join(CHROMA_DIR, f"hospital_{hospital_id}") - - if os.path.exists(hospital_dir): - logging.info( - f"Loading vector store for hospital {hospital_id} and user {user_id}" - ) - vector_store = await asyncio.to_thread( - lambda: Chroma( - collection_name=f"hospital_{hospital_id}", - persist_directory=hospital_dir, - embedding_function=embeddings, - ) - ) - else: - logging.info(f"Creating vector store for hospital {hospital_id}") - os.makedirs(hospital_dir, exist_ok=True) - vector_store = await asyncio.to_thread( - lambda: Chroma( - collection_name=f"hospital_{hospital_id}", - persist_directory=hospital_dir, - embedding_function=embeddings, - ) - ) - - # Store with lock for thread safety - with vector_store_lock: - hospital_vector_stores[store_key] = vector_store - - return vector_store - except Exception as e: - logging.error(f"Error initializing vector store: {e}", exc_info=True) - raise - - -async def delete_document_vectors(hospital_id: int, doc_id: str) -> bool: - """Delete all vectors associated with a specific document from ChromaDB""" - try: - # Initialize vector store for the hospital - vector_store = await initialize_or_load_vector_store(hospital_id) - - # Delete vectors with matching doc_id - await asyncio.to_thread( - lambda: vector_store._collection.delete(where={"doc_id": str(doc_id)}) - ) - - # Persist changes - await asyncio.to_thread(vector_store.persist) - - # Clear Redis cache for this document - redis_client = get_redis_client() - pattern = f"vector_store_data:{hospital_id}:*" - for key in redis_client.scan_iter(pattern): - redis_client.delete(key) - - logging.info( - f"Successfully deleted vectors for document {doc_id} from hospital {hospital_id}" - ) - return True - - except Exception as e: - logging.error(f"Error deleting document vectors: {e}", exc_info=True) - return False - - -async def add_document_to_index(doc_id, hospital_id): - try: - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - vector_store = await initialize_or_load_vector_store(hospital_id) - - await cursor.execute( - "SELECT page_number, content FROM document_pages WHERE document_id = %s ORDER BY page_number", - (doc_id,), - ) - rows = await cursor.fetchall() - - total_pages = len(rows) - logging.info(f"Processing {total_pages} pages for document {doc_id}") - page_bar = tqdm_async(total=total_pages, desc="Processing pages") - - async def process_page(page_data): - page_num, content = page_data - try: - icd_data = extract_and_process_icd_data( - content, hospital_id, save_to_json=False - ) - chunks = text_splitter.split_text(content) - await asyncio.sleep(0) # Yield control - return page_num, chunks, icd_data - except Exception as e: - logging.error(f"Error processing page {page_num}: {e}") - return page_num, [], [] - - tasks = [asyncio.create_task(process_page(row)) for row in rows] - results = [] - - for coro in asyncio.as_completed(tasks): - result = await coro - results.append(result) - page_bar.update(1) - - page_bar.close() - - # Vector addition progress bar - all_icd_data = [] - all_chunks = [] - all_metadatas = [] - - chunk_add_bar = tqdm_async(desc="Vectorizing chunks", total=0) - - for result in results: - page_num, chunks, icd_data = result - all_icd_data.extend(icd_data) - - for i, chunk in enumerate(chunks): - all_chunks.append(chunk) - all_metadatas.append( - { - "doc_id": str(doc_id), - "hospital_id": str(hospital_id), - "page_number": str(page_num), - "chunk_index": str(i), - } - ) - - if len(all_chunks) >= BATCH_SIZE: - chunk_add_bar.total += len(all_chunks) - chunk_add_bar.refresh() - await asyncio.to_thread( - vector_store.add_texts, - texts=all_chunks, - metadatas=all_metadatas, - ) - all_chunks = [] - all_metadatas = [] - chunk_add_bar.update(BATCH_SIZE) - - # Final batch - if all_chunks: - chunk_add_bar.total += len(all_chunks) - chunk_add_bar.refresh() - await asyncio.to_thread( - vector_store.add_texts, - texts=all_chunks, - metadatas=all_metadatas, - ) - chunk_add_bar.update(len(all_chunks)) - - chunk_add_bar.close() - - if all_icd_data: - logging.info(f"Saving {len(all_icd_data)} ICD codes") - extract_and_process_icd_data("", hospital_id, save_to_json=True) - - await asyncio.to_thread(vector_store.persist) - logging.info(f"Successfully indexed document {doc_id}") - return True - - except Exception as e: - logging.error(f"Error adding document: {e}") - return False - - -def is_general_knowledge_question( - query: str, context: str, conversation_context=None -) -> bool: - """ - Determine if a question is likely a general knowledge question not covered in the documents. - Takes conversation history into account to reduce repeated confirmations. - """ - query_lower = query.lower() - context_lower = context.lower() - - if conversation_context: - for interaction in conversation_context: - prev_question = interaction.get("question", "").lower() - if ( - prev_question - and query_lower in prev_question - or prev_question in query_lower - ): - logging.info( - f"Question is similar to previous conversation, skipping confirmation" - ) - return False - - stop_words = { - "search", - "query:", - "can", - "you", - "some", - "at", - "the", - "a", - "an", - "in", - "on", - "at", - "to", - "for", - "with", - "by", - "about", - "give", - "full", - "is", - "are", - "was", - "were", - "define", - "what", - "how", - "why", - "when", - "where", - "year", - "list", - "form", - "table", - "who", - "which", - "me", - "tell", - "explain", - "describe", - "of", - "and", - "or", - "there", - "their", - "please", - "could", - "would", - "various", - "different", - "type", - "types", - "kind", - "kinds", - "has", - "have", - "had", - "many", - "say", - "know", - } - - key_words = [ - word for word in query_lower.split() if word not in stop_words and len(word) > 2 - ] - logging.info(f"Key words: {key_words}") - - if not key_words: - logging.info("No significant keywords found, directing to general knowledge") - return True - - matches = sum(1 for word in key_words if word in context_lower) - logging.info(f"Matches: {matches} out of {len(key_words)} keywords") - - match_ratio = matches / len(key_words) - logging.info(f"Match ratio: {match_ratio}") - - return match_ratio < 0.4 - -def is_table_request(query: str) -> bool: - """ - Determine if the user is requesting a response in tabular format. - """ - table_keywords = [ - "table", - "tabular", - "in a table", - "in table format", - "in tabular format", - "chart", - "data", - "comparison", - "as a table", - "table format", - "in rows and columns", - "in a grid", - "breakdown", - "spreadsheet", - "comparison table", - "data table", - "structured table", - "tabular form", - "table form", - ] - - query_lower = query.lower() - return any(keyword in query_lower for keyword in table_keywords) - - -import re - - -def ensure_html_response(text: str) -> str: - """ - Ensure the response is properly formatted in HTML. - This function handles plain text conversion to HTML. - """ - if "", text)) - - if not has_html_tags: - paragraphs = text.split("\n\n") - html_parts = [] - in_ordered_list = False - in_unordered_list = False - - for para in paragraphs: - if para.strip(): - if re.match(r"^\s*[\*\-\•]\s", para): - if not in_unordered_list: - html_parts.append("") - in_unordered_list = True - - lines = para.split("\n") - for line in lines: - if line.strip(): - item = re.sub(r"^\s*[\*\-\•]\s*", "", line) - html_parts.append(f"
") - in_unordered_list = False - - html_parts.append(f"- {item}
") - - elif re.match(r"^\s*\d+\.\s", para): - if not in_ordered_list: - html_parts.append("") - in_ordered_list = True - - lines = para.split("\n") - for line in lines: - match = re.match(r"^\s*\d+\.\s*(.*)", line) - if match: - html_parts.append(f"
") - in_ordered_list = False - if in_unordered_list: - html_parts.append("- {match.group(1)}
") - - else: # Close any open lists before adding a new paragraph - if in_ordered_list: - html_parts.append("{para}
") - - if in_ordered_list: - html_parts.append("", "
", "", "
")): - paragraphs = text.split("\n\n") - html_parts = [f"
{para}
" for para in paragraphs if para.strip()] - return "".join(html_parts) - - return text - - -class HybridConversationManager: - """ - Hybrid conversation manager that uses Redis for RAG-based conversations - and in-memory storage for general knowledge conversations. - """ - - def __init__(self, redis_client, ttl=3600, max_history_items=5): - self.redis_client = redis_client - self.ttl = ttl - self.max_history_items = max_history_items - - # For general knowledge questions (in-memory) - self.general_knowledge_histories = {} - self.lock = Lock() - - def _get_redis_key(self, user_id, hospital_id, session_id=None): - """Create Redis key for document-based conversations.""" - if session_id: - return f"conv_history:{user_id}:{hospital_id}:{session_id}" - return f"conv_history:{user_id}:{hospital_id}" - - def _get_memory_key(self, user_id, hospital_id, session_id=None): - """Create memory key for general knowledge conversations.""" - if session_id: - return f"{user_id}:{hospital_id}:{session_id}" - return f"{user_id}:{hospital_id}" - - async def add_rag_interaction( - self, user_id, hospital_id, question, answer, session_id=None - ): - """Add document-based (RAG) interaction to Redis.""" - key = self._get_redis_key(user_id, hospital_id, session_id) - history = self.get_rag_history(user_id, hospital_id, session_id) - - # Add new interaction - history.append( - { - "question": question, - "answer": answer, - "timestamp": time.time(), - "type": "rag", # Mark as RAG-based interaction - } - ) - - # Keep only last N interactions - history = history[-self.max_history_items :] - - # Store updated history - try: - self.redis_client.setex(key, self.ttl, json.dumps(history)) - logging.info( - f"Stored RAG interaction in Redis for {user_id}:{hospital_id}:{session_id}" - ) - except Exception as e: - logging.error(f"Failed to store RAG interaction in Redis: {e}") - - def add_general_knowledge_interaction( - self, user_id, hospital_id, question, answer, session_id=None - ): - """Add general knowledge interaction to in-memory store.""" - key = self._get_memory_key(user_id, hospital_id, session_id) - - with self.lock: - if key not in self.general_knowledge_histories: - self.general_knowledge_histories[key] = [] - - self.general_knowledge_histories[key].append( - { - "question": question, - "answer": answer, - "timestamp": time.time(), - "type": "general", # Mark as general knowledge interaction - } - ) - - # Keep only the most recent interactions - if len(self.general_knowledge_histories[key]) > self.max_history_items: - self.general_knowledge_histories[key] = ( - self.general_knowledge_histories[key][-self.max_history_items :] - ) - - logging.info( - f"Stored general knowledge interaction in memory for {user_id}:{hospital_id}:{session_id}" - ) - - def get_rag_history(self, user_id, hospital_id, session_id=None): - """Get document-based (RAG) conversation history from Redis.""" - key = self._get_redis_key(user_id, hospital_id, session_id) - try: - history_data = self.redis_client.get(key) - return json.loads(history_data) if history_data else [] - except Exception as e: - logging.error(f"Failed to retrieve RAG history from Redis: {e}") - return [] - - def get_general_knowledge_history(self, user_id, hospital_id, session_id=None): - """Get general knowledge conversation history from memory.""" - key = self._get_memory_key(user_id, hospital_id, session_id) - - with self.lock: - return self.general_knowledge_histories.get(key, []).copy() - - def get_combined_history(self, user_id, hospital_id, session_id=None): - """Get combined conversation history from both sources, sorted by timestamp.""" - rag_history = self.get_rag_history(user_id, hospital_id, session_id) - general_history = self.get_general_knowledge_history( - user_id, hospital_id, session_id - ) - - # Combine histories - combined_history = rag_history + general_history - - # Sort by timestamp (newest first) - combined_history.sort(key=lambda x: x.get("timestamp", 0), reverse=True) - - # Return most recent N items - return combined_history[: self.max_history_items] - - def get_context_window(self, user_id, hospital_id, session_id=None, window_size=2): - """Get the most recent interactions for context from combined history.""" - combined_history = self.get_combined_history(user_id, hospital_id, session_id) - # Sort by timestamp (oldest first) for context window - sorted_history = sorted(combined_history, key=lambda x: x.get("timestamp", 0)) - return sorted_history[-window_size:] if sorted_history else [] - - def clear_history(self, user_id, hospital_id): - """Clear conversation history from both stores.""" - # Clear Redis history - redis_key = self._get_redis_key(user_id, hospital_id) - try: - self.redis_client.delete(redis_key) - except Exception as e: - logging.error(f"Failed to clear Redis history: {e}") - - # Clear memory history - memory_key = self._get_memory_key(user_id, hospital_id) - with self.lock: - if memory_key in self.general_knowledge_histories: - del self.general_knowledge_histories[memory_key] - - -class ContextMapper: - """Enhanced context mapping using shared model manager""" - - def __init__(self): - self.model_manager = ModelManager() - self.context_cache = {} - self.similarity_threshold = 0.6 - - def get_semantic_similarity(self, text1, text2): - """Get semantic similarity using global model manager""" - return self.model_manager.get_semantic_similarity(text1, text2) - - def extract_key_concepts(self, text): - """Extract key concepts using NLP techniques""" - doc = nlp(text) - concepts = [] - - entities = [(ent.text, ent.label_) for ent in doc.ents] - noun_phrases = [chunk.text for chunk in doc.noun_chunks] - important_words = [ - token.text for token in doc if token.pos_ in ["NOUN", "PROPN", "VERB"] - ] - - concepts.extend([e[0] for e in entities]) - concepts.extend(noun_phrases) - concepts.extend(important_words) - - return list(set(concepts)) - - def map_conversation_context( - self, current_query, conversation_history, context_window=3 - ): - """Map conversation context using enhanced NLP techniques""" - if not conversation_history: - return current_query - - recent_context = conversation_history[-context_window:] - context_concepts = [] - - # Extract concepts from recent conversations - for interaction in recent_context: - q_concepts = self.extract_key_concepts(interaction["question"]) - a_concepts = self.extract_key_concepts(interaction["answer"]) - context_concepts.extend(q_concepts) - context_concepts.extend(a_concepts) - - # Extract concepts from current query - query_concepts = self.extract_key_concepts(current_query) - - # Find related concepts - related_concepts = [] - for q_concept in query_concepts: - for c_concept in context_concepts: - similarity = self.get_semantic_similarity(q_concept, c_concept) - if similarity > self.similarity_threshold: - related_concepts.append(c_concept) - - # Build enhanced query - if related_concepts: - enhanced_query = ( - f"{current_query} in context of {', '.join(related_concepts)}" - ) - else: - enhanced_query = current_query - - return enhanced_query - - -# Initialize the context mapper -context_mapper = ContextMapper() - - -async def generate_contextual_query( - question: str, user_id: str, hospital_id: int, conversation_manager -) -> str: - """Generate enhanced contextual query""" - context_window = conversation_manager.get_context_window(user_id, hospital_id) - - if not context_window: - return question - - # Enhanced context mapping - last_interaction = context_window[-1] - enhanced_context = f""" - Previous question: {last_interaction['question']} - Previous answer: {last_interaction['answer']} - Current question: {question} - - Please generate a detailed search query that combines the context from the previous answer - with the current question, especially if the current question uses words like 'it', 'this', - 'that', or asks for more details about the previous topic. - """ - - try: - response = await asyncio.to_thread( - lambda: client.chat.completions.create( - model="gpt-3.5-turbo", - messages=[ - { - "role": "system", - "content": "You are a context-aware query generator.", - }, - {"role": "user", "content": enhanced_context}, - ], - temperature=0.3, - max_tokens=150, - ) - ) - contextual_query = response.choices[0].message.content.strip() - logging.info(f"Enhanced contextual query: {contextual_query}") - return contextual_query - except Exception as e: - logging.error(f"Error generating contextual query: {e}") - return question - - -def is_follow_up(current_question: str, conversation_history: list) -> bool: - """Enhanced follow-up detection using NLP techniques""" - if not conversation_history: - return False - - last_interaction = conversation_history[-1] - - # Get semantic similarity with higher threshold - similarity = context_mapper.get_semantic_similarity( - current_question, f"{last_interaction['question']} {last_interaction['answer']}" - ) - - # Enhanced referential check - doc = nlp(current_question.lower()) - has_referential = any( - token.lemma_ - in [ - "it", - "this", - "that", - "these", - "those", - "they", - "he", - "she", - "about", - "more", - ] - for token in doc - ) - - # Extract concepts with improved entity detection - current_concepts = set(context_mapper.extract_key_concepts(current_question)) - last_concepts = set( - context_mapper.extract_key_concepts( - f"{last_interaction['question']} {last_interaction['answer']}" - ) - ) - - # Calculate enhanced concept overlap - concept_overlap = ( - len(current_concepts & last_concepts) / len(current_concepts | last_concepts) - if current_concepts - else 0 - ) - - # More aggressive follow-up detection - return ( - similarity > 0.3 # Lowered threshold - or has_referential - or concept_overlap > 0.2 # Lowered threshold - or any( - word in current_question.lower() - for word in ["more", "about", "elaborate", "explain"] - ) - ) - - -async def get_relevant_context(question, hospital_id, doc_id=None): - try: - cache_key = f"context:hospital_{hospital_id}" - if doc_id: - cache_key += f":doc_{doc_id}" - cache_key += f":{question.lower().strip()}" - - redis_client = get_redis_client() - - cached_context = redis_client.get(cache_key) - if cached_context: - logging.info(f"Cache hit for key: {cache_key}") - return ( - cached_context.decode("utf-8") - if isinstance(cached_context, bytes) - else cached_context - ) - - vector_store = await initialize_or_load_vector_store(hospital_id) - if not vector_store: - return "" - - retriever = vector_store.as_retriever( - search_type="mmr", - search_kwargs={ - "k": 10, - "fetch_k": 20, - "lambda_mult": 0.6, - # "filter": {"doc_id": str(doc_id)} if doc_id else {"hospital_id": str(hospital_id)} - }, - ) - - docs = await asyncio.to_thread(retriever.get_relevant_documents, question) - if not docs: - return "" - - sorted_docs = sorted( - docs, - key=lambda x: ( - int(x.metadata.get("page_number", 0)), - int(x.metadata.get("chunk_index", 0)), - ), - ) - - context_parts = [doc.page_content for doc in sorted_docs] - context = "\n\n".join(context_parts) - - try: - redis_client.setex( - cache_key, - int(CACHE_TTL["vector_store"].total_seconds()), - context.encode("utf-8") if isinstance(context, str) else context, - ) - logging.info(f"Cached context for key: {cache_key}") - except Exception as cache_error: - logging.error(f"Failed to cache context: {cache_error}") - - return context - except Exception as e: - logging.error(f"Error getting relevant context: {e}") - return "" - - -def format_conversation_context(conv_history): - """Format conversation history into a string""" - if not conv_history: - return "No previous conversation." - return "\n".join( - [ - f"Q: {interaction['question']}\nA: {interaction['answer']}" - for interaction in conv_history - ] - ) - - -def get_icd_context_from_question(question, hospital_id): - """Extract any valid ICD codes from the question and return context""" - icd_data = load_icd_entries(hospital_id) - matches = [] - code_pattern = re.findall(r"\b([A-Z][0-9A-Z]{2,6}[A-Z]?)\b", question.upper()) - - seen = set() - for code in code_pattern: - for entry in icd_data: - if entry["code"] == code and code not in seen: - matches.append(f"{entry['code']}: {entry['description']}") - seen.add(code) - return "\n".join(matches) - - -def get_fuzzy_icd_context(question, hospital_id, top_n=5, threshold=70): - """Get fuzzy matches for ICD codes from the question""" - icd_data = load_icd_entries(hospital_id) - descriptions = [entry["description"] for entry in icd_data] - matches = process.extract( - question, descriptions, limit=top_n, score_cutoff=threshold - ) - - matched_context = [] - for desc, score, _ in matches: - for entry in icd_data: - if entry["description"] == desc: - matched_context.append(f"{entry['code']}: {entry['description']}") - break - - return "\n".join(matched_context) - - -async def generate_answer_with_rag( - question, - hospital_id, - client, - doc_id=None, - user_id="default", - conversation_manager=None, - session_id=None, -): - """Generate an answer using RAG with improved conversation flow""" - try: - # Continue with regular RAG processing if not an ICD code or if no ICD match found - html_instruction = """ - IMPORTANT: Format your ENTIRE response as HTML. Use appropriate HTML tags for all content: - - Usetags for paragraphs - - Use
,
tags for headings and subheadings - - Use
,
") - - return "".join(html_parts) - - else: - if not any(tag in text for tag in ("- tags for bullet points - - Use
,
") - if in_unordered_list: - html_parts.append("- tags for numbered lists - - Use
for quoted text - - Use for bold text and for emphasis - """ - - table_instruction = """ - - For tables, use proper HTML table structure: -- -
- """ - # Get conversation history first - conv_history = ( - conversation_manager.get_context_window(user_id, hospital_id, session_id) - if conversation_manager - else [] - ) - - # Get contextual query and relevant context first - contextual_query = await generate_contextual_query( - question, user_id, hospital_id, conversation_manager - ) - # Track ICD context across conversation - icd_context = {} - if conv_history: - # Extract ICD code from previous interaction - last_answer = conv_history[-1].get("answer", "") - icd_codes = re.findall(r"\b([A-Z][0-9A-Z]{2,6}[A-Z]?)\b", last_answer) - if icd_codes: - icd_context["last_code"] = icd_codes[0] - - # Check if current question is about a previously discussed ICD code - is_icd_followup = False - if icd_context.get("last_code"): - followup_indicators = [ - "what causes", - "what is causing", - "why", - "how", - "symptoms", - "treatment", - "diagnosis", - "causes", - "effects", - "complications", - "risk factors", - "prevention", - "prognosis", - "this", - "disease", - "that", - "it", - ] - is_icd_followup = any( - indicator in question.lower() for indicator in followup_indicators - ) - - if is_icd_followup: - # Add the previous ICD code context to the current question - icd_exact_context = get_icd_context_from_question( - icd_context["last_code"], hospital_id - ) - icd_fuzzy_context = get_fuzzy_icd_context( - f"{icd_context['last_code']} {question}", hospital_id - ) - else: - icd_exact_context = get_icd_context_from_question(question, hospital_id) - icd_fuzzy_context = get_fuzzy_icd_context(question, hospital_id) - else: - icd_exact_context = get_icd_context_from_question(question, hospital_id) - icd_fuzzy_context = get_fuzzy_icd_context(question, hospital_id) - - # Get contextual query and relevant context - contextual_query = await generate_contextual_query( - question, user_id, hospital_id, conversation_manager - ) - doc_context = await get_relevant_context(contextual_query, hospital_id, doc_id) - - # Combine context with priority for ICD information - context_parts = [] - if is_icd_followup: - context_parts.append( - f"## Previous ICD Code Context\nContinuing discussion about: {icd_context['last_code']}" - ) - if icd_exact_context: - context_parts.append("## ICD Code Match\n" + icd_exact_context) - if icd_fuzzy_context: - context_parts.append("## Related ICD Suggestions\n" + icd_fuzzy_context) - if doc_context: - context_parts.append("## Document Context\n" + doc_context) - - context = "\n\n".join(context_parts) - - # Initialize follow-up detection - is_follow_up = False - - # Check if this is a follow-up question - if conv_history: - last_interaction = conv_history[-1] - last_question = last_interaction["question"].lower() - last_answer = last_interaction.get("answer", "").lower() - current_question = question.lower() - - # Define meaningful keywords that indicate entity-related follow-ups - entity_related_keywords = { - "achievements", - "awards", - "accomplishments", - "work", - "contributions", - "career", - "company", - "products", - "life", - "background", - "education", - "role", - "experience", - "history", - "details", - "places", - "place", - "information", - "facts", - "about", - "birth", - "death", - "family", - "books", - "projects", - "population", - } - - # Check if question is asking about attributes/achievements of previously discussed entity - has_entity_attribute = any( - word in current_question.split() for word in entity_related_keywords - ) - - # Extract entities from last answer to maintain context - def extract_entities(text): - # Split into words and get potential entities (capitalized words) - words = text.split() - entities = set() - current_entity = [] - - for word in words: - if word[0].isupper(): - current_entity.append(word) - elif current_entity: - if len(current_entity) > 0: - entities.add(" ".join(current_entity)) - current_entity = [] - - if current_entity: - entities.add(" ".join(current_entity)) - return entities - - last_entities = extract_entities(last_answer) - - # Check for referential words - referential_words = { - "it", - "this", - "that", - "these", - "those", - "they", - "their", - "he", - "she", - "him", - "her", - "his", - "hers", - "them", - "there", - "such", - "its", - } - has_referential = any( - word in referential_words for word in current_question.split() - ) - - # Calculate term overlap with both question and answer context - def get_significant_terms(text): - stop_words = { - "what", - "when", - "where", - "who", - "why", - "how", - "is", - "are", - "was", - "were", - "be", - "been", - "the", - "a", - "an", - "in", - "on", - "at", - "to", - "for", - "of", - "with", - "by", - "about", - "as", - "tell", - "me", - "please", - } - return set( - word - for word in text.split() - if len(word) > 2 and word.lower() not in stop_words - ) - - current_terms = get_significant_terms(current_question) - last_terms = get_significant_terms(last_question) - answer_terms = get_significant_terms(last_answer) - - # Include terms from both question and answer in context - all_prev_terms = last_terms | answer_terms - term_overlap = len(current_terms & all_prev_terms) - total_terms = len(current_terms | all_prev_terms) - term_similarity = term_overlap / total_terms if total_terms > 0 else 0 - - # Enhanced follow-up detection combining multiple signals - is_follow_up = ( - has_referential - or term_similarity - >= 0.2 # Lower threshold when including answer context - or ( - has_entity_attribute and bool(last_entities) - ) # Check if asking about attributes of known entity - or ( - last_interaction.get("type") == "general" - and term_similarity >= 0.15 - ) - ) - - logging.info(f"Follow-up analysis enhanced:") - logging.info(f"- Referential words: {has_referential}") - logging.info(f"- Term similarity: {term_similarity:.2f}") - logging.info(f"- Entity attribute question: {has_entity_attribute}") - logging.info(f"- Last entities found: {last_entities}") - logging.info(f"- Is follow-up: {is_follow_up}") - - # For entirely new topics (not follow-ups), use is_general_knowledge_question - if not is_follow_up: - is_general = is_general_knowledge_question(question, context, conv_history) - if is_general: - confirmation_prompt = f""" -- -{table_title} -- {table_headers} - - - - {table_rows} - -Reviewed the hospital’s documentation, but this particular question does not seem to be covered.
- """ - logging.info("General knowledge question detected") - return { - "answer": confirmation_prompt, - "requires_confirmation": True, - }, 200 - - - prompt_template = f"""Based on the following context and conversation history, provide a detailed answer to the question. - Previous conversation: - {format_conversation_context(conv_history)} - - Context from documents: - {context} - - Current question: {question} - - Instructions: - 1. When providing medical codes (ICD, CPT, etc.): - - Always use the ICD codes listed in the sections titled "ICD Code Match" and "Related ICD Suggestions" from the context. - - Do not use or invent ICD codes from your own training knowledge unless they appear in the provided context. - - If multiple codes are relevant, return the one that best matches the user’s question. If unsure, return multiple options in HTML list format. - - Remove all decimal points (e.g., use 'A150' instead of 'A15.0') - - Format the response as: 'The medical code for [condition] is [code]
' - 2. Address the current question while maintaining conversation continuity - 3. Resolve any ambiguous references using conversation history - 4. Format the response in clear HTML. - 5. Strictly it should answer only from the {context} provided, do not invent or assume and give the information and it should not be general knowledge also. Purely 100% RAG-based response and only from documents. - - {html_instruction} - {table_instruction if is_table_request(question) else ""} - """ - - response = await asyncio.to_thread( - lambda: client.chat.completions.create( - model="gpt-3.5-turbo-16k", - messages=[ - {"role": "system", "content": prompt_template}, - {"role": "user", "content": question}, - ], - temperature=0.2, - max_tokens=1000, - ) - ) - - answer = ensure_html_response(response.choices[0].message.content) - logging.info(f"Generated RAG answer for question: {question}") - - # Store interaction in history - if conversation_manager: - await conversation_manager.add_rag_interaction( - user_id, hospital_id, question, answer, session_id - ) - - return {"answer": answer}, 200 - - except Exception as e: - logging.error(f"Error in generate_answer_with_rag: {e}") - return {"answer": f"Error: {str(e)}
"}, 500 - -async def load_existing_vector_stores(): - """Load existing Chroma vector stores for each hospital""" - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - try: - await cursor.execute("SELECT DISTINCT id FROM hospitals") - hospital_ids = [row[0] for row in await cursor.fetchall()] - - for hospital_id in hospital_ids: - try: - await initialize_or_load_vector_store(hospital_id) - except Exception as e: - logging.error( - f"Failed to load vector store for hospital {hospital_id}: {e}" - ) - continue - - except Exception as e: - logging.error(f"Error loading vector stores: {e}") - - -async def get_failed_page(doc_id): - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - try: - await cursor.execute( - "SELECT failed_page FROM documents WHERE id = %s", (doc_id,) - ) - result = await cursor.fetchone() - return result[0] if result and result[0] else None - except Exception as e: - logging.error(f"Database error checking failed_page: {e}") - return None - - -async def update_document_status(doc_id, status, failed_page=None): - """Update document status with enum validation""" - if isinstance(status, str): - status = DocumentStatus[status.upper()].value - - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - try: - if failed_page: - await cursor.execute( - "UPDATE documents SET processed_status = %s, failed_page = %s WHERE id = %s", - (status, failed_page, doc_id), - ) - else: - await cursor.execute( - "UPDATE documents SET processed_status = %s, failed_page = NULL WHERE id = %s", - (status, doc_id), - ) - await conn.commit() - return True - except Exception as e: - logging.error(f"Database update error: {e}") - return False - - -thread_pool = ThreadPoolExecutor(max_workers=10) - - -def async_to_sync(coroutine): - """Helper function to run async code in sync context""" - loop = asyncio.new_event_loop() - asyncio.set_event_loop(loop) - try: - return loop.run_until_complete(coroutine) - finally: - loop.close() - - -@app.route("/flask-api", methods=["GET"]) -def health_check(): - """Health check endpoint""" - access_logger.info(f"Health check request received from {request.remote_addr}") - return jsonify({"status": "ok"}), 200 - - -@app.route("/flask-api/process-pdf", methods=["POST"]) -def process_pdf(): - access_logger.info(f"PDF processing request received from {request.remote_addr}") - file_path = None - try: - file = request.files.get("pdf") - hospital_id = request.form.get("hospital_id") - doc_id = request.form.get("doc_id") - - logging.info( - f"Received PDF processing request for hospital {hospital_id}, doc_id {doc_id}" - ) - - if not all([file, hospital_id, doc_id]): - return jsonify({"error": "Missing required parameters"}), 400 - - def process_in_background(): - nonlocal file_path - try: - async_to_sync(update_document_status(doc_id, "processing")) - - # Add progress logging - logging.info(f"Starting processing of document {doc_id}") - - filename = f"doc_{doc_id}_{file.filename}" - file_path = os.path.join(uploads_dir, filename) - - with open(file_path, "wb") as f: - file.save(f) - - logging.info("Extracting PDF contents...") - content = extract_pdf_contents(file_path, int(hospital_id)) - - logging.info("Inserting content into database...") - metadata = {"filename": filename} - result = async_to_sync( - insert_content_into_db(content, metadata, doc_id) - ) - - if "error" in result: - async_to_sync(update_document_status(doc_id, "failed", 1)) - return False - - logging.info("Creating embeddings and indexing...") - success = async_to_sync(add_document_to_index(doc_id, hospital_id)) - - if success: - logging.info("Document processing completed successfully") - async_to_sync(update_document_status(doc_id, "processed")) - return True - else: - logging.error("Document processing failed during indexing") - async_to_sync(update_document_status(doc_id, "failed")) - return False - - except Exception as e: - logging.error(f"Processing error: {e}") - async_to_sync(update_document_status(doc_id, "failed")) - return False - finally: - if file_path and os.path.exists(file_path): - try: - os.remove(file_path) - except Exception as e: - logging.error(f"Error removing temporary file: {e}") - - # Execute processing and wait for result - future = thread_pool.submit(process_in_background) - success = future.result() - - if success: - return jsonify({"message": "Document processed successfully"}), 200 - else: - return jsonify({"error": "Document processing failed"}), 500 - - except Exception as e: - logging.error(f"API error: {e}") - if file_path and os.path.exists(file_path): - try: - os.remove(file_path) - except Exception as file_e: - logging.error(f"Error removing temporary file: {file_e}") - return jsonify({"error": str(e)}), 500 - - -# Initialize the hybrid conversation manager -redis_client = get_redis_client() -conversation_manager = HybridConversationManager(redis_client) - - -@app.route("/flask-api/generate-answer", methods=["POST"]) -def rag_answer_api(): - """Sync API endpoint for RAG-based question answering with conversation history.""" - access_logger.info(f"Generate answer request received from {request.remote_addr}") - try: - data = request.json - question = data.get("question", "").strip().lower() - hospital_code = data.get("hospital_code") - doc_id = data.get("doc_id") - user_id = data.get("user_id", "default") - session_id = data.get("session_id", None) - - logging.info(f"Received question from user {user_id}: {question}") - logging.info(f"Received hospital code: {hospital_code}") - logging.info(f"Received session_id: {session_id}") - - # is_confirmation_response = data.get("is_confirmation_response", False) - original_query = data.get("original_query", "") - - def process_rag_answer(): - try: - hospital_id = async_to_sync(get_hospital_id(hospital_code)) - logging.info(f"Resolved hospital ID: {hospital_id}") - - if not hospital_id: - return { - "error": "Invalid or missing 'hospital_code' in request" - }, 400 - - # if question == "yes" and original_query: - # # User confirmed they want a general knowledge answer - # answer = async_to_sync( - # generate_general_knowledge_answer( - # original_query, - # client, - # user_id, - # hospital_id, - # conversation_manager, # Pass the hybrid manager - # is_table_request(original_query), - # session_id=session_id, - # ) - # ) - # return {"answer": answer}, 200 - - if original_query: - response_message = """ -I can only answer questions based on information found in the hospital documents.
-The question you asked doesn't seem to be covered in the available documents.
-You can try rephrasing your question or asking about a different topic.
- """ - return {"answer": response_message}, 200 - - else: - # Regular RAG answer - return async_to_sync( - generate_answer_with_rag( - question=question, - hospital_id=hospital_id, - client=client, - doc_id=doc_id, - user_id=user_id, - conversation_manager=conversation_manager, # Pass the hybrid manager - session_id=session_id, - ) - ) - except Exception as e: - logging.error(f"Thread processing error: {str(e)}") - return {"error": str(e)}, 500 - - if not question: - return jsonify({"error": "Missing 'question' in request"}), 400 - - future = thread_pool.submit(process_rag_answer) - result, status_code = future.result() - - return jsonify(result), status_code - - except Exception as e: - logging.error(f"API error: {str(e)}") - return jsonify({"error": str(e)}), 500 - - -@app.route("/flask-api/delete-document-vectors", methods=["DELETE"]) -def delete_document_vectors_endpoint(): - """Endpoint to delete document vectors from ChromaDB""" - try: - data = request.json - hospital_id = data.get("hospital_id") - doc_id = data.get("doc_id") - - if not all([hospital_id, doc_id]): - return jsonify({"error": "Missing required parameters"}), 400 - - logging.info( - f"Received request to delete vectors for document {doc_id} from hospital {hospital_id}" - ) - - def process_deletion(): - try: - success = async_to_sync(delete_document_vectors(hospital_id, doc_id)) - if success: - return {"message": "Document vectors deleted successfully"}, 200 - else: - return {"error": "Failed to delete document vectors"}, 500 - except Exception as e: - logging.error(f"Error in vector deletion process: {e}") - return {"error": str(e)}, 500 - - future = thread_pool.submit(process_deletion) - result, status_code = future.result() - - return jsonify(result), status_code - - except Exception as e: - logging.error(f"API error: {str(e)}") - return jsonify({"error": str(e)}), 500 - - -@app.route("/flask-api/get-chroma-content", methods=["GET"]) -def get_chroma_content_endpoint(): - """API endpoint to get ChromaDB content by hospital_id""" - try: - hospital_id = request.args.get("hospital_id") - limit = int(request.args.get("limit", 30000)) - - if not hospital_id: - return jsonify({"error": "Missing required parameter: hospital_id"}), 400 - - def process_fetch(): - try: - result, status_code = async_to_sync( - get_chroma_content_by_hospital( - hospital_id=int(hospital_id), limit=limit - ) - ) - return result, status_code - except Exception as e: - logging.error(f"Error in ChromaDB fetch process: {e}") - return {"error": str(e)}, 500 - - future = thread_pool.submit(process_fetch) - result, status_code = future.result() - - return jsonify(result), status_code - - except Exception as e: - logging.error(f"API error: {str(e)}") - return jsonify({"error": str(e)}), 500 - - -async def get_chroma_content_by_hospital(hospital_id: int, limit: int = 100): - """Fetch content from ChromaDB for a specific hospital""" - try: - # Initialize vector store - vector_store = await initialize_or_load_vector_store(hospital_id) - if not vector_store: - return {"error": "Vector store not found"}, 404 - - # Get collection - collection = vector_store._collection - - # Query the collection with hospital_id filter - results = await asyncio.to_thread( - lambda: collection.get(where={"hospital_id": str(hospital_id)}, limit=limit) - ) - - if not results or not results["ids"]: - return {"data": [], "count": 0}, 200 - - # Format the response - formatted_results = [] - for i in range(len(results["ids"])): - formatted_results.append( - { - "id": results["ids"][i], - "content": results["documents"][i], - "metadata": results["metadatas"][i], - } - ) - - return {"data": formatted_results, "count": len(formatted_results)}, 200 - - except Exception as e: - logging.error(f"Error fetching ChromaDB content: {e}") - return {"error": str(e)}, 500 - - -@app.before_request -def before_request(): - request._start_time = time.time() - - -@app.after_request -def after_request(response): - if hasattr(request, "_start_time"): - duration = time.time() - request._start_time - access_logger.info( - f'"{request.method} {request.path}" {response.status_code} - Duration: {duration:.3f}s - ' - f"IP: {request.remote_addr}" - ) - return response - - -if __name__ == "__main__": - logger.info("Starting SpurrinAI application") - logger.info(f"Python version: {sys.version}") - logger.info(f"Environment: {os.getenv('FLASK_ENV', 'production')}") - - try: - model_manager = ModelManager() - logger.info("Model manager initialized successfully") - except Exception as e: - logger.error(f"Failed to initialize model manager: {e}") - sys.exit(1) - - # Initialize directories - os.makedirs(DATA_DIR, exist_ok=True) - os.makedirs(CHROMA_DIR, exist_ok=True) - logger.info(f"Initialized directories: {DATA_DIR}, {CHROMA_DIR}") - - # Clear Redis cache - redis_client = get_redis_client() - cleared_keys = 0 - for key in redis_client.scan_iter("vector_store_data:*"): - redis_client.delete(key) - cleared_keys += 1 - logger.info(f"Cleared {cleared_keys} Redis cache keys") - - # Load vector stores - logger.info("Loading existing vector stores...") - async_to_sync(load_existing_vector_stores()) - logger.info("Vector stores loaded successfully") - - # Start application - logger.info("Starting Flask application on port 5000") - app.run(port=5000, debug=False) \ No newline at end of file diff --git a/chat copy 4.py b/chat copy 4.py deleted file mode 100644 index 9337a05..0000000 --- a/chat copy 4.py +++ /dev/null @@ -1,1801 +0,0 @@ -""" -SpurrinAI - Intelligent Document Processing and Question Answering System -Copyright (c) 2024 Tech4biz. All rights reserved. - -This module implements the main Flask application for the SpurrinAI system, -providing REST APIs for document processing, vector storage, and question answering -using RAG (Retrieval Augmented Generation) architecture. - -Author: Tech4biz Development Team -Version: 1.0.0 -Last Updated: 2024-01-19 -""" - -# Standard library imports -import os -import re -import sys -import json -import time -import threading -import asyncio -from concurrent.futures import ThreadPoolExecutor -from dataclasses import dataclass -from datetime import timedelta -from enum import Enum - -# Third-party imports -import spacy -import redis -import aiomysql -from dotenv import load_dotenv -from flask import Flask, request, jsonify, Response -from flask_cors import CORS -from tqdm import tqdm -from tqdm.asyncio import tqdm as tqdm_async -from langchain_community.document_loaders import PyPDFLoader -from langchain.text_splitter import RecursiveCharacterTextSplitter -from langchain_community.embeddings import OpenAIEmbeddings -from langchain_community.vectorstores import Chroma -from langchain_community.chat_models import ChatOpenAI -from langchain.chains import RetrievalQA -from langchain.prompts import PromptTemplate -from openai import OpenAI -from rapidfuzz import process -from threading import Lock - -# Local imports -from model_manager import ModelManager - -# Suppress warnings -import warnings - -warnings.filterwarnings("ignore") - -# Initialize NLTK -import nltk - -nltk.download("punkt") - -# Configure logging -import logging -import logging.handlers - -app = Flask(__name__) -CORS(app) - -script_dir = os.path.dirname(os.path.abspath(__file__)) -log_file_path = os.path.join(script_dir, "error.log") -logging.basicConfig(filename=log_file_path, level=logging.INFO) - - -# Configure logging -def setup_logging(): - log_dir = os.path.join(script_dir, "logs") - os.makedirs(log_dir, exist_ok=True) - - main_log = os.path.join(log_dir, "app.log") - error_log = os.path.join(log_dir, "error.log") - access_log = os.path.join(log_dir, "access.log") - perf_log = os.path.join(log_dir, "performance.log") - - # Create formatters - detailed_formatter = logging.Formatter( - "%(asctime)s - %(name)s - %(levelname)s - [%(filename)s:%(lineno)d] - %(message)s" - ) - access_formatter = logging.Formatter("%(asctime)s - %(levelname)s - %(message)s") - - # Main logger setup - main_handler = logging.handlers.RotatingFileHandler( - main_log, maxBytes=10485760, backupCount=5 - ) - main_handler.setFormatter(detailed_formatter) - main_handler.setLevel(logging.INFO) - - # Error logger setup - error_handler = logging.handlers.RotatingFileHandler( - error_log, maxBytes=10485760, backupCount=5 - ) - error_handler.setFormatter(detailed_formatter) - error_handler.setLevel(logging.ERROR) - - # Access logger setup - access_handler = logging.handlers.TimedRotatingFileHandler( - access_log, when="midnight", interval=1, backupCount=30 - ) - access_handler.setFormatter(access_formatter) - access_handler.setLevel(logging.INFO) - - # Performance logger setup - perf_handler = logging.handlers.RotatingFileHandler( - perf_log, maxBytes=10485760, backupCount=5 - ) - perf_handler.setFormatter(detailed_formatter) - perf_handler.setLevel(logging.INFO) - - # Configure root logger - root_logger = logging.getLogger() - root_logger.setLevel(logging.INFO) - root_logger.addHandler(main_handler) - root_logger.addHandler(error_handler) - - # Create specific loggers - access_logger = logging.getLogger("access") - access_logger.addHandler(access_handler) - access_logger.setLevel(logging.INFO) - - perf_logger = logging.getLogger("performance") - perf_logger.addHandler(perf_handler) - perf_logger.setLevel(logging.INFO) - - return root_logger, access_logger, perf_logger - - -# Initialize loggers -logger, access_logger, perf_logger = setup_logging() - -# DB_CONFIG = { -# 'host': 'localhost', -# 'user': 'flaskuser', -# 'password': 'Flask@123', -# 'database': 'spurrinai', -# } - -# DB_CONFIG = { -# 'host': 'localhost', -# 'user': 'spurrindevuser', -# 'password': 'Admin@123', -# 'database': 'spurrindev', -# } - -# DB_CONFIG = { -# 'host': 'localhost', -# 'user': 'root', -# 'password': 'root', -# 'database': 'medqueryai', -# 'port': 3307 -# } - -# Redis Configuration -REDIS_CONFIG = { - "host": "localhost", - "port": 6379, - "db": 0, - "decode_responses": True, # For string operations -} - -DB_CONFIG = { - "host": os.getenv("DB_HOST", "localhost"), - "user": os.getenv("DB_USER", "testuser"), - "password": os.getenv("DB_PASSWORD", "Admin@123"), - "database": os.getenv("DB_NAME", "spurrintest"), -} - -# Redis connection pool -redis_pool = redis.ConnectionPool(**REDIS_CONFIG) -redis_binary_pool = redis.ConnectionPool( - host="localhost", port=6379, db=1, decode_responses=False -) - - -def get_redis_client(binary=False): - """Get Redis client from pool""" - logger.debug(f"Getting Redis client with binary={binary}") - try: - pool = redis_binary_pool if binary else redis_pool - client = redis.Redis(connection_pool=pool) - logger.debug("Redis client created successfully") - return client - except Exception as e: - logger.error(f"Failed to create Redis client: {e}", exc_info=True) - raise - -def fetch_cached_answer(cache_key): - logger.debug(f"Attempting to fetch cached answer for key: {cache_key}") - start_time = time.time() - try: - redis_client = get_redis_client() - cached_answer = redis_client.get(cache_key) - fetch_time = time.time() - start_time - perf_logger.info( - f"Redis fetch completed in {fetch_time:.3f} seconds for key: {cache_key}" - ) - return cached_answer - except Exception as e: - logger.error(f"Redis fetch error for key {cache_key}: {e}", exc_info=True) - return None - - -# Cache TTL configurations -CACHE_TTL = { - "vector_store": timedelta(hours=24), - "chat_completion": timedelta(hours=1), - "document_metadata": timedelta(days=7), -} - -DATA_DIR = os.path.join(script_dir, "hospital_data") -CHROMA_DIR = os.path.join(DATA_DIR, "chroma_db") -uploads_dir = os.path.join(script_dir, "llm-uploads") - -if not os.path.exists(uploads_dir): - os.makedirs(uploads_dir) - -nlp = spacy.load("en_core_web_sm") - -load_dotenv() -OPENAI_API_KEY = os.getenv("OPENAI_API_KEY") - -client = OpenAI(api_key=OPENAI_API_KEY) -embeddings = OpenAIEmbeddings(api_key=OPENAI_API_KEY) -llm = ChatOpenAI( - model_name="gpt-3.5-turbo", streaming=True, temperature=0.2, api_key=OPENAI_API_KEY -) -# text_splitter = RecursiveCharacterTextSplitter(chunk_size=1000, chunk_overlap=50) -hospital_vector_stores = {} -vector_store_lock = threading.Lock() - - -@dataclass -class Document: - doc_id: int - page_num: int - content: str - - -class DocumentStatus(Enum): - PROCESSING = "processing" - PROCESSED = "processed" - FAILED = "failed" - - -async def get_db_pool(): - return await aiomysql.create_pool( - host=DB_CONFIG["host"], - user=DB_CONFIG["user"], - password=DB_CONFIG["password"], - db=DB_CONFIG["database"], - autocommit=True, - ) - - -async def get_hospital_id(hospital_code): - try: - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor(aiomysql.DictCursor) as cursor: - await cursor.execute( - "SELECT id FROM hospitals WHERE hospital_code = %s LIMIT 1", - (hospital_code,), - ) - result = await cursor.fetchone() - return result["id"] if result else None - except Exception as error: - logging.error(f"Database error: {error}") - return None - finally: - pool.close() - await pool.wait_closed() - - -CHUNK_SIZE = 1000 -CHUNK_OVERLAP = 50 -BATCH_SIZE = 1000 - -text_splitter = RecursiveCharacterTextSplitter( - chunk_size=CHUNK_SIZE, - chunk_overlap=CHUNK_OVERLAP, - # length_function=len, - # separators=["\n\n", "\n", ". ", " ", ""] -) - - -# Update the JSON_PATH to be dynamic based on hospital_id -def get_icd_json_path(hospital_id): - hospital_data_dir = os.path.join(DATA_DIR, f"hospital_{hospital_id}") - os.makedirs(hospital_data_dir, exist_ok=True) - return os.path.join(hospital_data_dir, "icd_data.json") - - -def extract_and_process_icd_data(content, hospital_id, save_to_json=True): - """Extract and process ICD codes with optimized processing and optional JSON saving""" - try: - # Initialize pattern compilation once - pattern = re.compile(r"^\s*([A-Z][0-9A-Z]{2,6}[A-Z]?)\s+(.*)$", re.MULTILINE) - - # Process in chunks for large content - chunk_size = 50000 # Process 50KB at a time - icd_data = [] - - current_code = None - current_description = [] - - # Split content into manageable chunks - content_chunks = [ - content[i : i + chunk_size] for i in range(0, len(content), chunk_size) - ] - - # Process each chunk - for chunk in content_chunks: - lines = chunk.splitlines() - - for line in lines: - line = line.strip() - if not line: - if current_code and current_description: - icd_data.append( - { - "code": current_code, - "description": " ".join(current_description).strip(), - } - ) - current_code = None - current_description = [] - continue - - match = pattern.match(line) - if match: - if current_code and current_description: - icd_data.append( - { - "code": current_code, - "description": " ".join(current_description).strip(), - } - ) - current_code, description = match.groups() - current_description = [description.strip()] - elif current_code: - current_description.append(line) - - # Add final entry if exists - if current_code and current_description: - icd_data.append( - { - "code": current_code, - "description": " ".join(current_description).strip(), - } - ) - - # Save to hospital-specific JSON if requested - if save_to_json and icd_data: - try: - json_path = get_icd_json_path(hospital_id) - - # Use a lock for thread safety - with threading.Lock(): - if os.path.exists(json_path): - with open(json_path, "r", encoding="utf-8") as f: - try: - existing_data = json.load(f) - except json.JSONDecodeError: - existing_data = [] - else: - existing_data = [] - - # Efficient deduplication using dictionary - seen_codes = {item["code"]: item for item in existing_data} - for item in icd_data: - seen_codes[item["code"]] = item - - unique_data = list(seen_codes.values()) - - # Write atomically using temporary file - temp_path = f"{json_path}.tmp" - with open(temp_path, "w", encoding="utf-8") as f: - json.dump(unique_data, f, indent=2, ensure_ascii=False) - os.replace(temp_path, json_path) - - logging.info( - f"Successfully saved {len(unique_data)} unique ICD codes to JSON for hospital {hospital_id}" - ) - - except Exception as e: - logging.error( - f"Error saving ICD data to JSON for hospital {hospital_id}: {e}" - ) - - return icd_data - - except Exception as e: - logging.error(f"Error in extract_and_process_icd_data: {e}") - return [] - - -def load_icd_entries(hospital_id): - """Load ICD entries from hospital-specific JSON file""" - json_path = get_icd_json_path(hospital_id) - try: - if os.path.exists(json_path): - with open(json_path, "r", encoding="utf-8") as f: - return json.load(f) - return [] - except Exception as e: - logging.error(f"Error loading ICD entries for hospital {hospital_id}: {e}") - return [] - - -# Update the process_icd_codes function to include hospital_id -async def process_icd_codes(content, doc_id, hospital_id, batch_size=256): - """Process and store ICD codes using the optimized extraction function""" - try: - # Extract and save codes with hospital_id - extract_and_process_icd_data(content, hospital_id, save_to_json=True) - except Exception as e: - logging.error(f"Error processing ICD codes for hospital {hospital_id}: {e}") - - -async def initialize_icd_vector_store(hospital_id): - """This function is deprecated. ICD codes are now handled through JSON search.""" - logging.warning( - "initialize_icd_vector_store is deprecated - using JSON search instead" - ) - return None - - -def extract_pdf_contents(pdf_path, hospital_id): - """Extract PDF contents with optimized chunking and code extraction""" - try: - loader = PyPDFLoader(pdf_path) - pages = loader.load() - pages_content = [] - - for i, page in enumerate(tqdm(pages, desc="Extracting pages")): - text = page.page_content.strip() - - # Extract ICD codes from the page - icd_codes = extract_and_process_icd_data( - text, hospital_id - ) # We'll set doc_id later - - pages_content.append({"page": i + 1, "text": text, "codes": icd_codes}) - - return pages_content - - except Exception as e: - logging.error(f"Error in extract_pdf_contents: {e}") - raise - - -async def insert_content_into_db(content, metadata, doc_id): - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - try: - metadata_query = "INSERT INTO document_metadata (document_id, key_name, value_name) VALUES (%s, %s, %s)" - content_query = "INSERT INTO document_pages (document_id, page_number, content) VALUES (%s, %s, %s)" - - metadata_values = [ - (doc_id, key[:100], value) - for key, value in metadata.items() - if value - ] - content_values = [ - (doc_id, page_content["page"], page_content["text"]) - for page_content in content - ] - - if metadata_values: - await cursor.executemany(metadata_query, metadata_values) - if content_values: - await cursor.executemany(content_query, content_values) - - await conn.commit() - return {"message": "Success"} - except Exception as e: - await conn.rollback() - return {"error": str(e)} - - -async def initialize_or_load_vector_store(hospital_id, user_id="default"): - """Initialize or load vector store with Redis caching and thread safety""" - store_key = f"{hospital_id}:{user_id}" - - try: - # Check if we already have it loaded - with lock for thread safety - with vector_store_lock: - if store_key in hospital_vector_stores: - return hospital_vector_stores[store_key] - - # Initialize vector store - redis_client = get_redis_client(binary=True) - cache_key = f"vector_store_data:{hospital_id}:{user_id}" - hospital_dir = os.path.join(CHROMA_DIR, f"hospital_{hospital_id}") - - if os.path.exists(hospital_dir): - logging.info( - f"Loading vector store for hospital {hospital_id} and user {user_id}" - ) - vector_store = await asyncio.to_thread( - lambda: Chroma( - collection_name=f"hospital_{hospital_id}", - persist_directory=hospital_dir, - embedding_function=embeddings, - ) - ) - else: - logging.info(f"Creating vector store for hospital {hospital_id}") - os.makedirs(hospital_dir, exist_ok=True) - vector_store = await asyncio.to_thread( - lambda: Chroma( - collection_name=f"hospital_{hospital_id}", - persist_directory=hospital_dir, - embedding_function=embeddings, - ) - ) - - # Store with lock for thread safety - with vector_store_lock: - hospital_vector_stores[store_key] = vector_store - - return vector_store - except Exception as e: - logging.error(f"Error initializing vector store: {e}", exc_info=True) - raise - - -async def delete_document_vectors(hospital_id: int, doc_id: str) -> bool: - """Delete all vectors associated with a specific document from ChromaDB""" - try: - # Initialize vector store for the hospital - vector_store = await initialize_or_load_vector_store(hospital_id) - - # Delete vectors with matching doc_id - await asyncio.to_thread( - lambda: vector_store._collection.delete(where={"doc_id": str(doc_id)}) - ) - - # Persist changes - await asyncio.to_thread(vector_store.persist) - - # Clear Redis cache for this document - redis_client = get_redis_client() - pattern = f"vector_store_data:{hospital_id}:*" - for key in redis_client.scan_iter(pattern): - redis_client.delete(key) - - logging.info( - f"Successfully deleted vectors for document {doc_id} from hospital {hospital_id}" - ) - return True - - except Exception as e: - logging.error(f"Error deleting document vectors: {e}", exc_info=True) - return False - - -async def add_document_to_index(doc_id, hospital_id): - try: - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - vector_store = await initialize_or_load_vector_store(hospital_id) - - await cursor.execute( - "SELECT page_number, content FROM document_pages WHERE document_id = %s ORDER BY page_number", - (doc_id,), - ) - rows = await cursor.fetchall() - - total_pages = len(rows) - logging.info(f"Processing {total_pages} pages for document {doc_id}") - page_bar = tqdm_async(total=total_pages, desc="Processing pages") - - async def process_page(page_data): - page_num, content = page_data - try: - icd_data = extract_and_process_icd_data( - content, hospital_id, save_to_json=False - ) - chunks = text_splitter.split_text(content) - await asyncio.sleep(0) # Yield control - return page_num, chunks, icd_data - except Exception as e: - logging.error(f"Error processing page {page_num}: {e}") - return page_num, [], [] - - tasks = [asyncio.create_task(process_page(row)) for row in rows] - results = [] - - for coro in asyncio.as_completed(tasks): - result = await coro - results.append(result) - page_bar.update(1) - - page_bar.close() - - # Vector addition progress bar - all_icd_data = [] - all_chunks = [] - all_metadatas = [] - - chunk_add_bar = tqdm_async(desc="Vectorizing chunks", total=0) - - for result in results: - page_num, chunks, icd_data = result - all_icd_data.extend(icd_data) - - for i, chunk in enumerate(chunks): - all_chunks.append(chunk) - all_metadatas.append( - { - "doc_id": str(doc_id), - "hospital_id": str(hospital_id), - "page_number": str(page_num), - "chunk_index": str(i), - } - ) - - if len(all_chunks) >= BATCH_SIZE: - chunk_add_bar.total += len(all_chunks) - chunk_add_bar.refresh() - await asyncio.to_thread( - vector_store.add_texts, - texts=all_chunks, - metadatas=all_metadatas, - ) - all_chunks = [] - all_metadatas = [] - chunk_add_bar.update(BATCH_SIZE) - - # Final batch - if all_chunks: - chunk_add_bar.total += len(all_chunks) - chunk_add_bar.refresh() - await asyncio.to_thread( - vector_store.add_texts, - texts=all_chunks, - metadatas=all_metadatas, - ) - chunk_add_bar.update(len(all_chunks)) - - chunk_add_bar.close() - - if all_icd_data: - logging.info(f"Saving {len(all_icd_data)} ICD codes") - extract_and_process_icd_data("", hospital_id, save_to_json=True) - - await asyncio.to_thread(vector_store.persist) - logging.info(f"Successfully indexed document {doc_id}") - return True - - except Exception as e: - logging.error(f"Error adding document: {e}") - return False - - -def is_general_knowledge_question( - query: str, context: str, conversation_context=None -) -> bool: - """ - Determine if a question is likely a general knowledge question not covered in the documents. - Takes conversation history into account to reduce repeated confirmations. - """ - query_lower = query.lower() - context_lower = context.lower() - - if conversation_context: - for interaction in conversation_context: - prev_question = interaction.get("question", "").lower() - if ( - prev_question - and query_lower in prev_question - or prev_question in query_lower - ): - logging.info( - f"Question is similar to previous conversation, skipping confirmation" - ) - return False - - stop_words = { - "search", - "query:", - "can", - "you", - "some", - "at", - "the", - "a", - "an", - "in", - "on", - "at", - "to", - "for", - "with", - "by", - "about", - "give", - "full", - "is", - "are", - "was", - "were", - "define", - "what", - "how", - "why", - "when", - "where", - "year", - "list", - "form", - "table", - "who", - "which", - "me", - "tell", - "explain", - "describe", - "of", - "and", - "or", - "there", - "their", - "please", - "could", - "would", - "various", - "different", - "type", - "types", - "kind", - "kinds", - "has", - "have", - "had", - "many", - "say", - "know", - } - - key_words = [ - word for word in query_lower.split() if word not in stop_words and len(word) > 2 - ] - logging.info(f"Key words: {key_words}") - - if not key_words: - logging.info("No significant keywords found, directing to general knowledge") - return True - - matches = sum(1 for word in key_words if word in context_lower) - logging.info(f"Matches: {matches} out of {len(key_words)} keywords") - - match_ratio = matches / len(key_words) - logging.info(f"Match ratio: {match_ratio}") - - return match_ratio < 0.4 - -def is_table_request(query: str) -> bool: - """ - Determine if the user is requesting a response in tabular format. - """ - table_keywords = [ - "table", - "tabular", - "in a table", - "in table format", - "in tabular format", - "chart", - "data", - "comparison", - "as a table", - "table format", - "in rows and columns", - "in a grid", - "breakdown", - "spreadsheet", - "comparison table", - "data table", - "structured table", - "tabular form", - "table form", - ] - - query_lower = query.lower() - return any(keyword in query_lower for keyword in table_keywords) - - -import re - - -def ensure_html_response(text: str) -> str: - """ - Ensure the response is properly formatted in HTML. - This function handles plain text conversion to HTML. - """ - if "", text)) - - if not has_html_tags: - paragraphs = text.split("\n\n") - html_parts = [] - in_ordered_list = False - in_unordered_list = False - - for para in paragraphs: - if para.strip(): - if re.match(r"^\s*[\*\-\•]\s", para): - if not in_unordered_list: - html_parts.append("") - in_unordered_list = True - - lines = para.split("\n") - for line in lines: - if line.strip(): - item = re.sub(r"^\s*[\*\-\•]\s*", "", line) - html_parts.append(f"
") - in_unordered_list = False - - html_parts.append(f"- {item}
") - - elif re.match(r"^\s*\d+\.\s", para): - if not in_ordered_list: - html_parts.append("") - in_ordered_list = True - - lines = para.split("\n") - for line in lines: - match = re.match(r"^\s*\d+\.\s*(.*)", line) - if match: - html_parts.append(f"
") - in_ordered_list = False - if in_unordered_list: - html_parts.append("- {match.group(1)}
") - - else: # Close any open lists before adding a new paragraph - if in_ordered_list: - html_parts.append("{para}
") - - if in_ordered_list: - html_parts.append("", "
", "", "
")): - paragraphs = text.split("\n\n") - html_parts = [f"
{para}
" for para in paragraphs if para.strip()] - return "".join(html_parts) - - return text - - -class HybridConversationManager: - """ - Hybrid conversation manager that uses Redis for RAG-based conversations - and in-memory storage for general knowledge conversations. - """ - - def __init__(self, redis_client, ttl=3600, max_history_items=5): - self.redis_client = redis_client - self.ttl = ttl - self.max_history_items = max_history_items - - # For general knowledge questions (in-memory) - self.general_knowledge_histories = {} - self.lock = Lock() - - def _get_redis_key(self, user_id, hospital_id, session_id=None): - """Create Redis key for document-based conversations.""" - if session_id: - return f"conv_history:{user_id}:{hospital_id}:{session_id}" - return f"conv_history:{user_id}:{hospital_id}" - - def _get_memory_key(self, user_id, hospital_id, session_id=None): - """Create memory key for general knowledge conversations.""" - if session_id: - return f"{user_id}:{hospital_id}:{session_id}" - return f"{user_id}:{hospital_id}" - - async def add_rag_interaction( - self, user_id, hospital_id, question, answer, session_id=None - ): - """Add document-based (RAG) interaction to Redis.""" - key = self._get_redis_key(user_id, hospital_id, session_id) - history = self.get_rag_history(user_id, hospital_id, session_id) - - # Add new interaction - history.append( - { - "question": question, - "answer": answer, - "timestamp": time.time(), - "type": "rag", # Mark as RAG-based interaction - } - ) - - # Keep only last N interactions - history = history[-self.max_history_items :] - - # Store updated history - try: - self.redis_client.setex(key, self.ttl, json.dumps(history)) - logging.info( - f"Stored RAG interaction in Redis for {user_id}:{hospital_id}:{session_id}" - ) - except Exception as e: - logging.error(f"Failed to store RAG interaction in Redis: {e}") - - def add_general_knowledge_interaction( - self, user_id, hospital_id, question, answer, session_id=None - ): - """Add general knowledge interaction to in-memory store.""" - key = self._get_memory_key(user_id, hospital_id, session_id) - - with self.lock: - if key not in self.general_knowledge_histories: - self.general_knowledge_histories[key] = [] - - self.general_knowledge_histories[key].append( - { - "question": question, - "answer": answer, - "timestamp": time.time(), - "type": "general", # Mark as general knowledge interaction - } - ) - - # Keep only the most recent interactions - if len(self.general_knowledge_histories[key]) > self.max_history_items: - self.general_knowledge_histories[key] = ( - self.general_knowledge_histories[key][-self.max_history_items :] - ) - - logging.info( - f"Stored general knowledge interaction in memory for {user_id}:{hospital_id}:{session_id}" - ) - - def get_rag_history(self, user_id, hospital_id, session_id=None): - """Get document-based (RAG) conversation history from Redis.""" - key = self._get_redis_key(user_id, hospital_id, session_id) - try: - history_data = self.redis_client.get(key) - return json.loads(history_data) if history_data else [] - except Exception as e: - logging.error(f"Failed to retrieve RAG history from Redis: {e}") - return [] - - def get_general_knowledge_history(self, user_id, hospital_id, session_id=None): - """Get general knowledge conversation history from memory.""" - key = self._get_memory_key(user_id, hospital_id, session_id) - - with self.lock: - return self.general_knowledge_histories.get(key, []).copy() - - def get_combined_history(self, user_id, hospital_id, session_id=None): - """Get combined conversation history from both sources, sorted by timestamp.""" - rag_history = self.get_rag_history(user_id, hospital_id, session_id) - general_history = self.get_general_knowledge_history( - user_id, hospital_id, session_id - ) - - # Combine histories - combined_history = rag_history + general_history - - # Sort by timestamp (newest first) - combined_history.sort(key=lambda x: x.get("timestamp", 0), reverse=True) - - # Return most recent N items - return combined_history[: self.max_history_items] - - def get_context_window(self, user_id, hospital_id, session_id=None, window_size=2): - """Get the most recent interactions for context from combined history.""" - combined_history = self.get_combined_history(user_id, hospital_id, session_id) - # Sort by timestamp (oldest first) for context window - sorted_history = sorted(combined_history, key=lambda x: x.get("timestamp", 0)) - return sorted_history[-window_size:] if sorted_history else [] - - def clear_history(self, user_id, hospital_id): - """Clear conversation history from both stores.""" - # Clear Redis history - redis_key = self._get_redis_key(user_id, hospital_id) - try: - self.redis_client.delete(redis_key) - except Exception as e: - logging.error(f"Failed to clear Redis history: {e}") - - # Clear memory history - memory_key = self._get_memory_key(user_id, hospital_id) - with self.lock: - if memory_key in self.general_knowledge_histories: - del self.general_knowledge_histories[memory_key] - - -class ContextMapper: - """Enhanced context mapping using shared model manager""" - - def __init__(self): - self.model_manager = ModelManager() - self.context_cache = {} - self.similarity_threshold = 0.6 - - def get_semantic_similarity(self, text1, text2): - """Get semantic similarity using global model manager""" - return self.model_manager.get_semantic_similarity(text1, text2) - - def extract_key_concepts(self, text): - """Extract key concepts using NLP techniques""" - doc = nlp(text) - concepts = [] - - entities = [(ent.text, ent.label_) for ent in doc.ents] - noun_phrases = [chunk.text for chunk in doc.noun_chunks] - important_words = [ - token.text for token in doc if token.pos_ in ["NOUN", "PROPN", "VERB"] - ] - - concepts.extend([e[0] for e in entities]) - concepts.extend(noun_phrases) - concepts.extend(important_words) - - return list(set(concepts)) - - def map_conversation_context( - self, current_query, conversation_history, context_window=3 - ): - """Map conversation context using enhanced NLP techniques""" - if not conversation_history: - return current_query - - recent_context = conversation_history[-context_window:] - context_concepts = [] - - # Extract concepts from recent conversations - for interaction in recent_context: - q_concepts = self.extract_key_concepts(interaction["question"]) - a_concepts = self.extract_key_concepts(interaction["answer"]) - context_concepts.extend(q_concepts) - context_concepts.extend(a_concepts) - - # Extract concepts from current query - query_concepts = self.extract_key_concepts(current_query) - - # Find related concepts - related_concepts = [] - for q_concept in query_concepts: - for c_concept in context_concepts: - similarity = self.get_semantic_similarity(q_concept, c_concept) - if similarity > self.similarity_threshold: - related_concepts.append(c_concept) - - # Build enhanced query - if related_concepts: - enhanced_query = ( - f"{current_query} in context of {', '.join(related_concepts)}" - ) - else: - enhanced_query = current_query - - return enhanced_query - - -# Initialize the context mapper -context_mapper = ContextMapper() - - -async def generate_contextual_query( - question: str, user_id: str, hospital_id: int, conversation_manager -) -> str: - """Generate enhanced contextual query""" - context_window = conversation_manager.get_context_window(user_id, hospital_id) - - if not context_window: - return question - - # Enhanced context mapping - last_interaction = context_window[-1] - enhanced_context = f""" - Previous question: {last_interaction['question']} - Previous answer: {last_interaction['answer']} - Current question: {question} - - Please generate a detailed search query that combines the context from the previous answer - with the current question, especially if the current question uses words like 'it', 'this', - 'that', or asks for more details about the previous topic. - """ - - try: - response = await asyncio.to_thread( - lambda: client.chat.completions.create( - model="gpt-3.5-turbo", - messages=[ - { - "role": "system", - "content": "You are a context-aware query generator.", - }, - {"role": "user", "content": enhanced_context}, - ], - temperature=0.3, - max_tokens=150, - ) - ) - contextual_query = response.choices[0].message.content.strip() - logging.info(f"Enhanced contextual query: {contextual_query}") - return contextual_query - except Exception as e: - logging.error(f"Error generating contextual query: {e}") - return question - - -def is_follow_up(current_question: str, conversation_history: list) -> bool: - """Enhanced follow-up detection using NLP techniques""" - if not conversation_history: - return False - - last_interaction = conversation_history[-1] - - # Get semantic similarity with higher threshold - similarity = context_mapper.get_semantic_similarity( - current_question, f"{last_interaction['question']} {last_interaction['answer']}" - ) - - # Enhanced referential check - doc = nlp(current_question.lower()) - has_referential = any( - token.lemma_ - in [ - "it", - "this", - "that", - "these", - "those", - "they", - "he", - "she", - "about", - "more", - ] - for token in doc - ) - - # Extract concepts with improved entity detection - current_concepts = set(context_mapper.extract_key_concepts(current_question)) - last_concepts = set( - context_mapper.extract_key_concepts( - f"{last_interaction['question']} {last_interaction['answer']}" - ) - ) - - # Calculate enhanced concept overlap - concept_overlap = ( - len(current_concepts & last_concepts) / len(current_concepts | last_concepts) - if current_concepts - else 0 - ) - - # More aggressive follow-up detection - return ( - similarity > 0.3 # Lowered threshold - or has_referential - or concept_overlap > 0.2 # Lowered threshold - or any( - word in current_question.lower() - for word in ["more", "about", "elaborate", "explain"] - ) - ) - - -async def get_relevant_context(question, hospital_id, doc_id=None): - try: - cache_key = f"context:hospital_{hospital_id}" - if doc_id: - cache_key += f":doc_{doc_id}" - cache_key += f":{question.lower().strip()}" - - redis_client = get_redis_client() - - cached_context = redis_client.get(cache_key) - if cached_context: - logging.info(f"Cache hit for key: {cache_key}") - return ( - cached_context.decode("utf-8") - if isinstance(cached_context, bytes) - else cached_context - ) - - vector_store = await initialize_or_load_vector_store(hospital_id) - if not vector_store: - return "" - - retriever = vector_store.as_retriever( - search_type="mmr", - search_kwargs={ - "k": 10, - "fetch_k": 20, - "lambda_mult": 0.6, - # "filter": {"doc_id": str(doc_id)} if doc_id else {"hospital_id": str(hospital_id)} - }, - ) - - docs = await asyncio.to_thread(retriever.get_relevant_documents, question) - if not docs: - return "" - - sorted_docs = sorted( - docs, - key=lambda x: ( - int(x.metadata.get("page_number", 0)), - int(x.metadata.get("chunk_index", 0)), - ), - ) - - context_parts = [doc.page_content for doc in sorted_docs] - context = "\n\n".join(context_parts) - - try: - redis_client.setex( - cache_key, - int(CACHE_TTL["vector_store"].total_seconds()), - context.encode("utf-8") if isinstance(context, str) else context, - ) - logging.info(f"Cached context for key: {cache_key}") - except Exception as cache_error: - logging.error(f"Failed to cache context: {cache_error}") - - return context - except Exception as e: - logging.error(f"Error getting relevant context: {e}") - return "" - - -def format_conversation_context(conv_history): - """Format conversation history into a string""" - if not conv_history: - return "No previous conversation." - return "\n".join( - [ - f"Q: {interaction['question']}\nA: {interaction['answer']}" - for interaction in conv_history - ] - ) - - -def get_icd_context_from_question(question, hospital_id): - """Extract any valid ICD codes from the question and return context""" - icd_data = load_icd_entries(hospital_id) - matches = [] - code_pattern = re.findall(r"\b([A-Z][0-9A-Z]{2,6}[A-Z]?)\b", question.upper()) - - seen = set() - for code in code_pattern: - for entry in icd_data: - if entry["code"] == code and code not in seen: - matches.append(f"{entry['code']}: {entry['description']}") - seen.add(code) - return "\n".join(matches) - - -def get_fuzzy_icd_context(question, hospital_id, top_n=5, threshold=70): - """Get fuzzy matches for ICD codes from the question""" - icd_data = load_icd_entries(hospital_id) - descriptions = [entry["description"] for entry in icd_data] - matches = process.extract( - question, descriptions, limit=top_n, score_cutoff=threshold - ) - - matched_context = [] - for desc, score, _ in matches: - for entry in icd_data: - if entry["description"] == desc: - matched_context.append(f"{entry['code']}: {entry['description']}") - break - - return "\n".join(matched_context) - - -async def generate_answer_with_rag(question, hospital_id, client, doc_id=None): - """Generate answer using strict RAG approach - only using document content""" - try: - html_instruction = """ - IMPORTANT: Format your ENTIRE response as HTML. Use appropriate HTML tags for all content: - - Usetags for paragraphs - - Use
,
tags for headings and subheadings - - Use
,
") - -# return "".join(html_parts) - -# else: -# if not any(tag in text for tag in ("- tags for bullet points - - Use
,
") -# if in_unordered_list: -# html_parts.append("- tags for numbered lists - - Use
for quoted text - - Use for bold text and for emphasis - """ - - table_instruction = """ - - For tables, use proper HTML table structure: -- -
- """ - # First, check for ICD codes in the question - icd_exact_context = get_icd_context_from_question(question, hospital_id) - icd_fuzzy_context = get_fuzzy_icd_context(question, hospital_id) - - # Get document context - vector_store = initialize_or_load_vector_store(hospital_id) - if not vector_store: - return {"answer": "- -{table_title} -- {table_headers} - - - - {table_rows} - -No document content available.
"}, 404 - - # Create template focusing only on document content - prompt_template = PromptTemplate( - template="""Based ONLY on the provided document context and ICD codes, generate an answer to the question. - If the information is not found in the context, explicitly state that. - Do not use any external knowledge or assumptions. - - {html_instruction} - {table_instruction} - - ICD Code Matches: - {icd_exact_context} - - Related ICD Codes: - {icd_fuzzy_context} - - Context from documents: {context} - Question: {question} - - Instructions: - 1. Only use information explicitly present in the context and ICD codes - 2. Do not make assumptions or use external knowledge - 3. If an ICD code is found, include it in your response - 4. If the answer is not in the context, say "This information is not found in the available documents" - 5. Format response in clear HTML - - Answer:""", - input_variables=["context", "question"], - partial_variables={ - "html_instruction": html_instruction, - "table_instruction": table_instruction if is_table_request(question) else "", - "icd_exact_context": icd_exact_context if icd_exact_context else "No exact ICD code matches found.", - "icd_fuzzy_context": icd_fuzzy_context if icd_fuzzy_context else "No related ICD codes found." - } - ) - - retriever = vector_store.as_retriever( - search_type="similarity", - search_kwargs={ - "k": 6, - "filter": {"doc_id": str(doc_id)} if doc_id else {"hospital_id": str(hospital_id)} - } - ) - - qa_chain = RetrievalQA.from_chain_type( - llm=llm, - chain_type="stuff", - retriever=retriever, - chain_type_kwargs={"prompt": prompt_template}, - return_source_documents=True - ) - - result = qa_chain({"query": question}) - formatted_answer = ensure_html_response(result["result"]) - - if "not found in" in formatted_answer.lower(): - return {"answer": formatted_answer}, 404 - - return {"answer": formatted_answer}, 200 - - except Exception as e: - return {"answer": f"Error: {str(e)}
"}, 500 - -async def update_document_status(doc_id, status, failed_page=None): - """Update document status with enum validation""" - if isinstance(status, str): - status = DocumentStatus[status.upper()].value - - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - try: - if failed_page: - await cursor.execute( - "UPDATE documents SET processed_status = %s, failed_page = %s WHERE id = %s", - (status, failed_page, doc_id), - ) - else: - await cursor.execute( - "UPDATE documents SET processed_status = %s, failed_page = NULL WHERE id = %s", - (status, doc_id), - ) - await conn.commit() - return True - except Exception as e: - logging.error(f"Database update error: {e}") - return False - -async def load_existing_vector_stores(): - """Load existing Chroma vector stores for each hospital""" - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - try: - await cursor.execute("SELECT DISTINCT id FROM hospitals") - hospital_ids = [row[0] for row in await cursor.fetchall()] - - for hospital_id in hospital_ids: - try: - await initialize_or_load_vector_store(hospital_id) - except Exception as e: - logging.error( - f"Failed to load vector store for hospital {hospital_id}: {e}" - ) - continue - - except Exception as e: - logging.error(f"Error loading vector stores: {e}") - -@app.route('/flask-api/generate-answer', methods=['POST']) -def generate_answer(): - data = request.json - question = data.get('question') - hospital_code = data.get('hospital_code') - hospital_id = get_hospital_id(hospital_code) - doc_id = data.get('doc_id') - - if not question: - return jsonify({"error": "Missing 'question' in request"}), 400 - if not hospital_id: - return jsonify({"error": "Missing 'hospital_code' in request"}), 400 - - result, status_code = generate_answer_with_rag( - question=question, - hospital_id=hospital_id, - client=client, - doc_id=doc_id - ) - return jsonify(result), status_code - -thread_pool = ThreadPoolExecutor(max_workers=10) - - -def async_to_sync(coroutine): - """Helper function to run async code in sync context""" - loop = asyncio.new_event_loop() - asyncio.set_event_loop(loop) - try: - return loop.run_until_complete(coroutine) - finally: - loop.close() - - -@app.route("/flask-api", methods=["GET"]) -def health_check(): - """Health check endpoint""" - access_logger.info(f"Health check request received from {request.remote_addr}") - return jsonify({"status": "ok"}), 200 - - -@app.route("/flask-api/process-pdf", methods=["POST"]) -def process_pdf(): - access_logger.info(f"PDF processing request received from {request.remote_addr}") - file_path = None - try: - file = request.files.get("pdf") - hospital_id = request.form.get("hospital_id") - doc_id = request.form.get("doc_id") - - logging.info( - f"Received PDF processing request for hospital {hospital_id}, doc_id {doc_id}" - ) - - if not all([file, hospital_id, doc_id]): - return jsonify({"error": "Missing required parameters"}), 400 - - def process_in_background(): - nonlocal file_path - try: - async_to_sync(update_document_status(doc_id, "processing")) - - # Add progress logging - logging.info(f"Starting processing of document {doc_id}") - - filename = f"doc_{doc_id}_{file.filename}" - file_path = os.path.join(uploads_dir, filename) - - with open(file_path, "wb") as f: - file.save(f) - - logging.info("Extracting PDF contents...") - content = extract_pdf_contents(file_path, int(hospital_id)) - - logging.info("Inserting content into database...") - metadata = {"filename": filename} - result = async_to_sync( - insert_content_into_db(content, metadata, doc_id) - ) - - if "error" in result: - async_to_sync(update_document_status(doc_id, "failed", 1)) - return False - - logging.info("Creating embeddings and indexing...") - success = async_to_sync(add_document_to_index(doc_id, hospital_id)) - - if success: - logging.info("Document processing completed successfully") - async_to_sync(update_document_status(doc_id, "processed")) - return True - else: - logging.error("Document processing failed during indexing") - async_to_sync(update_document_status(doc_id, "failed")) - return False - - except Exception as e: - logging.error(f"Processing error: {e}") - async_to_sync(update_document_status(doc_id, "failed")) - return False - finally: - if file_path and os.path.exists(file_path): - try: - os.remove(file_path) - except Exception as e: - logging.error(f"Error removing temporary file: {e}") - - # Execute processing and wait for result - future = thread_pool.submit(process_in_background) - success = future.result() - - if success: - return jsonify({"message": "Document processed successfully"}), 200 - else: - return jsonify({"error": "Document processing failed"}), 500 - - except Exception as e: - logging.error(f"API error: {e}") - if file_path and os.path.exists(file_path): - try: - os.remove(file_path) - except Exception as file_e: - logging.error(f"Error removing temporary file: {file_e}") - return jsonify({"error": str(e)}), 500 - - -# Initialize the hybrid conversation manager -redis_client = get_redis_client() -conversation_manager = HybridConversationManager(redis_client) - - -@app.route("/flask-api/generate-answer", methods=["POST"]) -def rag_answer_api(): - """Sync API endpoint for RAG-based question answering with conversation history.""" - access_logger.info(f"Generate answer request received from {request.remote_addr}") - try: - data = request.json - question = data.get("question", "").strip().lower() - hospital_code = data.get("hospital_code") - doc_id = data.get("doc_id") - user_id = data.get("user_id", "default") - session_id = data.get("session_id", None) - - logging.info(f"Received question from user {user_id}: {question}") - logging.info(f"Received hospital code: {hospital_code}") - logging.info(f"Received session_id: {session_id}") - - # is_confirmation_response = data.get("is_confirmation_response", False) - original_query = data.get("original_query", "") - - def process_rag_answer(): - try: - hospital_id = async_to_sync(get_hospital_id(hospital_code)) - logging.info(f"Resolved hospital ID: {hospital_id}") - - if not hospital_id: - return { - "error": "Invalid or missing 'hospital_code' in request" - }, 400 - - # if question == "yes" and original_query: - # # User confirmed they want a general knowledge answer - # answer = async_to_sync( - # generate_general_knowledge_answer( - # original_query, - # client, - # user_id, - # hospital_id, - # conversation_manager, # Pass the hybrid manager - # is_table_request(original_query), - # session_id=session_id, - # ) - # ) - # return {"answer": answer}, 200 - - if original_query: - response_message = """ -I can only answer questions based on information found in the hospital documents.
-The question you asked doesn't seem to be covered in the available documents.
-You can try rephrasing your question or asking about a different topic.
- """ - return {"answer": response_message}, 200 - - else: - # Regular RAG answer - return async_to_sync( - generate_answer_with_rag( - question=question, - hospital_id=hospital_id, - client=client, - doc_id=doc_id, - user_id=user_id, - conversation_manager=conversation_manager, # Pass the hybrid manager - session_id=session_id, - ) - ) - except Exception as e: - logging.error(f"Thread processing error: {str(e)}") - return {"error": str(e)}, 500 - - if not question: - return jsonify({"error": "Missing 'question' in request"}), 400 - - future = thread_pool.submit(process_rag_answer) - result, status_code = future.result() - - return jsonify(result), status_code - - except Exception as e: - logging.error(f"API error: {str(e)}") - return jsonify({"error": str(e)}), 500 - - -@app.route("/flask-api/delete-document-vectors", methods=["DELETE"]) -def delete_document_vectors_endpoint(): - """Endpoint to delete document vectors from ChromaDB""" - try: - data = request.json - hospital_id = data.get("hospital_id") - doc_id = data.get("doc_id") - - if not all([hospital_id, doc_id]): - return jsonify({"error": "Missing required parameters"}), 400 - - logging.info( - f"Received request to delete vectors for document {doc_id} from hospital {hospital_id}" - ) - - def process_deletion(): - try: - success = async_to_sync(delete_document_vectors(hospital_id, doc_id)) - if success: - return {"message": "Document vectors deleted successfully"}, 200 - else: - return {"error": "Failed to delete document vectors"}, 500 - except Exception as e: - logging.error(f"Error in vector deletion process: {e}") - return {"error": str(e)}, 500 - - future = thread_pool.submit(process_deletion) - result, status_code = future.result() - - return jsonify(result), status_code - - except Exception as e: - logging.error(f"API error: {str(e)}") - return jsonify({"error": str(e)}), 500 - - -@app.route("/flask-api/get-chroma-content", methods=["GET"]) -def get_chroma_content_endpoint(): - """API endpoint to get ChromaDB content by hospital_id""" - try: - hospital_id = request.args.get("hospital_id") - limit = int(request.args.get("limit", 30000)) - - if not hospital_id: - return jsonify({"error": "Missing required parameter: hospital_id"}), 400 - - def process_fetch(): - try: - result, status_code = async_to_sync( - get_chroma_content_by_hospital( - hospital_id=int(hospital_id), limit=limit - ) - ) - return result, status_code - except Exception as e: - logging.error(f"Error in ChromaDB fetch process: {e}") - return {"error": str(e)}, 500 - - future = thread_pool.submit(process_fetch) - result, status_code = future.result() - - return jsonify(result), status_code - - except Exception as e: - logging.error(f"API error: {str(e)}") - return jsonify({"error": str(e)}), 500 - - -async def get_chroma_content_by_hospital(hospital_id: int, limit: int = 100): - """Fetch content from ChromaDB for a specific hospital""" - try: - # Initialize vector store - vector_store = await initialize_or_load_vector_store(hospital_id) - if not vector_store: - return {"error": "Vector store not found"}, 404 - - # Get collection - collection = vector_store._collection - - # Query the collection with hospital_id filter - results = await asyncio.to_thread( - lambda: collection.get(where={"hospital_id": str(hospital_id)}, limit=limit) - ) - - if not results or not results["ids"]: - return {"data": [], "count": 0}, 200 - - # Format the response - formatted_results = [] - for i in range(len(results["ids"])): - formatted_results.append( - { - "id": results["ids"][i], - "content": results["documents"][i], - "metadata": results["metadatas"][i], - } - ) - - return {"data": formatted_results, "count": len(formatted_results)}, 200 - - except Exception as e: - logging.error(f"Error fetching ChromaDB content: {e}") - return {"error": str(e)}, 500 - - -@app.before_request -def before_request(): - request._start_time = time.time() - - -@app.after_request -def after_request(response): - if hasattr(request, "_start_time"): - duration = time.time() - request._start_time - access_logger.info( - f'"{request.method} {request.path}" {response.status_code} - Duration: {duration:.3f}s - ' - f"IP: {request.remote_addr}" - ) - return response - - -if __name__ == "__main__": - logger.info("Starting SpurrinAI application") - logger.info(f"Python version: {sys.version}") - logger.info(f"Environment: {os.getenv('FLASK_ENV', 'production')}") - - try: - model_manager = ModelManager() - logger.info("Model manager initialized successfully") - except Exception as e: - logger.error(f"Failed to initialize model manager: {e}") - sys.exit(1) - - # Initialize directories - os.makedirs(DATA_DIR, exist_ok=True) - os.makedirs(CHROMA_DIR, exist_ok=True) - logger.info(f"Initialized directories: {DATA_DIR}, {CHROMA_DIR}") - - # Clear Redis cache - redis_client = get_redis_client() - cleared_keys = 0 - for key in redis_client.scan_iter("vector_store_data:*"): - redis_client.delete(key) - cleared_keys += 1 - logger.info(f"Cleared {cleared_keys} Redis cache keys") - - # Load vector stores - logger.info("Loading existing vector stores...") - async_to_sync(load_existing_vector_stores()) - logger.info("Vector stores loaded successfully") - - # Start application - logger.info("Starting Flask application on port 5000") - app.run(port=5000, debug=False) \ No newline at end of file diff --git a/chat copy 5.py b/chat copy 5.py deleted file mode 100644 index 8a48f12..0000000 --- a/chat copy 5.py +++ /dev/null @@ -1,3857 +0,0 @@ -# """ -# SpurrinAI - Intelligent Document Processing and Question Answering System -# Copyright (c) 2024 Tech4biz. All rights reserved. - -# This module implements the main Flask application for the SpurrinAI system, -# providing REST APIs for document processing, vector storage, and question answering -# using RAG (Retrieval Augmented Generation) architecture. - -# Author: Tech4biz Development Team -# Version: 1.0.0 -# Last Updated: 2024-01-19 -# """ - -# # Standard library imports -# import os -# import re -# import sys -# import json -# import time -# import threading -# import asyncio -# from concurrent.futures import ThreadPoolExecutor -# from dataclasses import dataclass -# from datetime import timedelta -# from enum import Enum - -# # Third-party imports -# import spacy -# import redis -# import aiomysql -# from dotenv import load_dotenv -# from flask import Flask, request, jsonify, Response -# from flask_cors import CORS -# from tqdm import tqdm -# from tqdm.asyncio import tqdm as tqdm_async -# from langchain_community.document_loaders import PyPDFLoader -# from langchain.text_splitter import RecursiveCharacterTextSplitter -# from langchain_community.embeddings import OpenAIEmbeddings -# from langchain_community.vectorstores import Chroma -# from langchain_community.chat_models import ChatOpenAI -# from langchain.chains import RetrievalQA -# from langchain.prompts import PromptTemplate -# from openai import OpenAI -# from rapidfuzz import process -# from threading import Lock - -# # Local imports -# from model_manager import ModelManager - -# # Suppress warnings -# import warnings - -# warnings.filterwarnings("ignore") - -# # Initialize NLTK -# import nltk - -# nltk.download("punkt") - -# # Configure logging -# import logging -# import logging.handlers - -# app = Flask(__name__) -# CORS(app) - -# script_dir = os.path.dirname(os.path.abspath(__file__)) -# log_file_path = os.path.join(script_dir, "error.log") -# logging.basicConfig(filename=log_file_path, level=logging.INFO) - - -# # Configure logging -# def setup_logging(): -# log_dir = os.path.join(script_dir, "logs") -# os.makedirs(log_dir, exist_ok=True) - -# main_log = os.path.join(log_dir, "app.log") -# error_log = os.path.join(log_dir, "error.log") -# access_log = os.path.join(log_dir, "access.log") -# perf_log = os.path.join(log_dir, "performance.log") - -# # Create formatters -# detailed_formatter = logging.Formatter( -# "%(asctime)s - %(name)s - %(levelname)s - [%(filename)s:%(lineno)d] - %(message)s" -# ) -# access_formatter = logging.Formatter("%(asctime)s - %(levelname)s - %(message)s") - -# # Main logger setup -# main_handler = logging.handlers.RotatingFileHandler( -# main_log, maxBytes=10485760, backupCount=5 -# ) -# main_handler.setFormatter(detailed_formatter) -# main_handler.setLevel(logging.INFO) - -# # Error logger setup -# error_handler = logging.handlers.RotatingFileHandler( -# error_log, maxBytes=10485760, backupCount=5 -# ) -# error_handler.setFormatter(detailed_formatter) -# error_handler.setLevel(logging.ERROR) - -# # Access logger setup -# access_handler = logging.handlers.TimedRotatingFileHandler( -# access_log, when="midnight", interval=1, backupCount=30 -# ) -# access_handler.setFormatter(access_formatter) -# access_handler.setLevel(logging.INFO) - -# # Performance logger setup -# perf_handler = logging.handlers.RotatingFileHandler( -# perf_log, maxBytes=10485760, backupCount=5 -# ) -# perf_handler.setFormatter(detailed_formatter) -# perf_handler.setLevel(logging.INFO) - -# # Configure root logger -# root_logger = logging.getLogger() -# root_logger.setLevel(logging.INFO) -# root_logger.addHandler(main_handler) -# root_logger.addHandler(error_handler) - -# # Create specific loggers -# access_logger = logging.getLogger("access") -# access_logger.addHandler(access_handler) -# access_logger.setLevel(logging.INFO) - -# perf_logger = logging.getLogger("performance") -# perf_logger.addHandler(perf_handler) -# perf_logger.setLevel(logging.INFO) - -# return root_logger, access_logger, perf_logger - - -# # Initialize loggers -# logger, access_logger, perf_logger = setup_logging() - -# # DB_CONFIG = { -# # 'host': 'localhost', -# # 'user': 'flaskuser', -# # 'password': 'Flask@123', -# # 'database': 'spurrinai', -# # } - -# # DB_CONFIG = { -# # 'host': 'localhost', -# # 'user': 'spurrindevuser', -# # 'password': 'Admin@123', -# # 'database': 'spurrindev', -# # } - -# # DB_CONFIG = { -# # 'host': 'localhost', -# # 'user': 'root', -# # 'password': 'root', -# # 'database': 'medqueryai', -# # 'port': 3307 -# # } - -# # Redis Configuration -# REDIS_CONFIG = { -# "host": "localhost", -# "port": 6379, -# "db": 0, -# "decode_responses": True, # For string operations -# } - -# DB_CONFIG = { -# "host": os.getenv("DB_HOST", "localhost"), -# "user": os.getenv("DB_USER", "testuser"), -# "password": os.getenv("DB_PASSWORD", "Admin@123"), -# "database": os.getenv("DB_NAME", "spurrintest"), -# } - -# # Redis connection pool -# redis_pool = redis.ConnectionPool(**REDIS_CONFIG) -# redis_binary_pool = redis.ConnectionPool( -# host="localhost", port=6379, db=1, decode_responses=False -# ) - - -# def get_redis_client(binary=False): -# """Get Redis client from pool""" -# logger.debug(f"Getting Redis client with binary={binary}") -# try: -# pool = redis_binary_pool if binary else redis_pool -# client = redis.Redis(connection_pool=pool) -# logger.debug("Redis client created successfully") -# return client -# except Exception as e: -# logger.error(f"Failed to create Redis client: {e}", exc_info=True) -# raise - - -# def fetch_cached_answer(cache_key): -# logger.debug(f"Attempting to fetch cached answer for key: {cache_key}") -# start_time = time.time() -# try: -# redis_client = get_redis_client() -# cached_answer = redis_client.get(cache_key) -# fetch_time = time.time() - start_time -# perf_logger.info( -# f"Redis fetch completed in {fetch_time:.3f} seconds for key: {cache_key}" -# ) -# return cached_answer -# except Exception as e: -# logger.error(f"Redis fetch error for key {cache_key}: {e}", exc_info=True) -# return None - - -# # Cache TTL configurations -# CACHE_TTL = { -# "vector_store": timedelta(hours=24), -# "chat_completion": timedelta(hours=1), -# "document_metadata": timedelta(days=7), -# } - -# DATA_DIR = os.path.join(script_dir, "hospital_data") -# CHROMA_DIR = os.path.join(DATA_DIR, "chroma_db") -# uploads_dir = os.path.join(script_dir, "llm-uploads") - -# if not os.path.exists(uploads_dir): -# os.makedirs(uploads_dir) - -# nlp = spacy.load("en_core_web_sm") - -# load_dotenv() -# OPENAI_API_KEY = os.getenv("OPENAI_API_KEY") - -# client = OpenAI(api_key=OPENAI_API_KEY) -# embeddings = OpenAIEmbeddings(api_key=OPENAI_API_KEY) -# llm = ChatOpenAI( -# model_name="gpt-3.5-turbo", streaming=True, temperature=0.2, api_key=OPENAI_API_KEY -# ) -# # text_splitter = RecursiveCharacterTextSplitter(chunk_size=1000, chunk_overlap=50) -# hospital_vector_stores = {} -# vector_store_lock = threading.Lock() - - -# @dataclass -# class Document: -# doc_id: int -# page_num: int -# content: str - - -# class DocumentStatus(Enum): -# PROCESSING = "processing" -# PROCESSED = "processed" -# FAILED = "failed" - - -# async def get_db_pool(): -# return await aiomysql.create_pool( -# host=DB_CONFIG["host"], -# user=DB_CONFIG["user"], -# password=DB_CONFIG["password"], -# db=DB_CONFIG["database"], -# autocommit=True, -# ) - - -# async def get_hospital_id(hospital_code): -# try: -# pool = await get_db_pool() -# async with pool.acquire() as conn: -# async with conn.cursor(aiomysql.DictCursor) as cursor: -# await cursor.execute( -# "SELECT id FROM hospitals WHERE hospital_code = %s LIMIT 1", -# (hospital_code,), -# ) -# result = await cursor.fetchone() -# return result["id"] if result else None -# except Exception as error: -# logging.error(f"Database error: {error}") -# return None -# finally: -# pool.close() -# await pool.wait_closed() - - -# CHUNK_SIZE = 1000 -# CHUNK_OVERLAP = 50 -# BATCH_SIZE = 1000 - -# text_splitter = RecursiveCharacterTextSplitter( -# chunk_size=CHUNK_SIZE, -# chunk_overlap=CHUNK_OVERLAP, -# # length_function=len, -# # separators=["\n\n", "\n", ". ", " ", ""] -# ) - - -# # Update the JSON_PATH to be dynamic based on hospital_id -# def get_icd_json_path(hospital_id): -# hospital_data_dir = os.path.join(DATA_DIR, f"hospital_{hospital_id}") -# os.makedirs(hospital_data_dir, exist_ok=True) -# return os.path.join(hospital_data_dir, "icd_data.json") - - -# def extract_and_process_icd_data(content, hospital_id, save_to_json=True): -# """Extract and process ICD codes with optimized processing and optional JSON saving""" -# try: -# # Initialize pattern compilation once -# pattern = re.compile(r"^\s*([A-Z][0-9A-Z]{2,6}[A-Z]?)\s+(.*)$", re.MULTILINE) - -# # Process in chunks for large content -# chunk_size = 50000 # Process 50KB at a time -# icd_data = [] - -# current_code = None -# current_description = [] - -# # Split content into manageable chunks -# content_chunks = [ -# content[i : i + chunk_size] for i in range(0, len(content), chunk_size) -# ] - -# # Process each chunk -# for chunk in content_chunks: -# lines = chunk.splitlines() - -# for line in lines: -# line = line.strip() -# if not line: -# if current_code and current_description: -# icd_data.append( -# { -# "code": current_code, -# "description": " ".join(current_description).strip(), -# } -# ) -# current_code = None -# current_description = [] -# continue - -# match = pattern.match(line) -# if match: -# if current_code and current_description: -# icd_data.append( -# { -# "code": current_code, -# "description": " ".join(current_description).strip(), -# } -# ) -# current_code, description = match.groups() -# current_description = [description.strip()] -# elif current_code: -# current_description.append(line) - -# # Add final entry if exists -# if current_code and current_description: -# icd_data.append( -# { -# "code": current_code, -# "description": " ".join(current_description).strip(), -# } -# ) - -# # Save to hospital-specific JSON if requested -# if save_to_json and icd_data: -# try: -# json_path = get_icd_json_path(hospital_id) - -# # Use a lock for thread safety -# with threading.Lock(): -# if os.path.exists(json_path): -# with open(json_path, "r", encoding="utf-8") as f: -# try: -# existing_data = json.load(f) -# except json.JSONDecodeError: -# existing_data = [] -# else: -# existing_data = [] - -# # Efficient deduplication using dictionary -# seen_codes = {item["code"]: item for item in existing_data} -# for item in icd_data: -# seen_codes[item["code"]] = item - -# unique_data = list(seen_codes.values()) - -# # Write atomically using temporary file -# temp_path = f"{json_path}.tmp" -# with open(temp_path, "w", encoding="utf-8") as f: -# json.dump(unique_data, f, indent=2, ensure_ascii=False) -# os.replace(temp_path, json_path) - -# logging.info( -# f"Successfully saved {len(unique_data)} unique ICD codes to JSON for hospital {hospital_id}" -# ) - -# except Exception as e: -# logging.error( -# f"Error saving ICD data to JSON for hospital {hospital_id}: {e}" -# ) - -# return icd_data - -# except Exception as e: -# logging.error(f"Error in extract_and_process_icd_data: {e}") -# return [] - - -# def load_icd_entries(hospital_id): -# """Load ICD entries from hospital-specific JSON file""" -# json_path = get_icd_json_path(hospital_id) -# try: -# if os.path.exists(json_path): -# with open(json_path, "r", encoding="utf-8") as f: -# return json.load(f) -# return [] -# except Exception as e: -# logging.error(f"Error loading ICD entries for hospital {hospital_id}: {e}") -# return [] - - -# # Update the process_icd_codes function to include hospital_id -# async def process_icd_codes(content, doc_id, hospital_id, batch_size=256): -# """Process and store ICD codes using the optimized extraction function""" -# try: -# # Extract and save codes with hospital_id -# extract_and_process_icd_data(content, hospital_id, save_to_json=True) -# except Exception as e: -# logging.error(f"Error processing ICD codes for hospital {hospital_id}: {e}") - - -# async def initialize_icd_vector_store(hospital_id): -# """This function is deprecated. ICD codes are now handled through JSON search.""" -# logging.warning( -# "initialize_icd_vector_store is deprecated - using JSON search instead" -# ) -# return None - - -# def extract_pdf_contents(pdf_path, hospital_id): -# """Extract PDF contents with optimized chunking and code extraction""" -# try: -# loader = PyPDFLoader(pdf_path) -# pages = loader.load() -# pages_content = [] - -# for i, page in enumerate(tqdm(pages, desc="Extracting pages")): -# text = page.page_content.strip() - -# # Extract ICD codes from the page -# icd_codes = extract_and_process_icd_data( -# text, hospital_id -# ) # We'll set doc_id later - -# pages_content.append({"page": i + 1, "text": text, "codes": icd_codes}) - -# return pages_content - -# except Exception as e: -# logging.error(f"Error in extract_pdf_contents: {e}") -# raise - - -# async def insert_content_into_db(content, metadata, doc_id): -# pool = await get_db_pool() -# async with pool.acquire() as conn: -# async with conn.cursor() as cursor: -# try: -# metadata_query = "INSERT INTO document_metadata (document_id, key_name, value_name) VALUES (%s, %s, %s)" -# content_query = "INSERT INTO document_pages (document_id, page_number, content) VALUES (%s, %s, %s)" - -# metadata_values = [ -# (doc_id, key[:100], value) -# for key, value in metadata.items() -# if value -# ] -# content_values = [ -# (doc_id, page_content["page"], page_content["text"]) -# for page_content in content -# ] - -# if metadata_values: -# await cursor.executemany(metadata_query, metadata_values) -# if content_values: -# await cursor.executemany(content_query, content_values) - -# await conn.commit() -# return {"message": "Success"} -# except Exception as e: -# await conn.rollback() -# return {"error": str(e)} - - -# async def initialize_or_load_vector_store(hospital_id, user_id="default"): -# """Initialize or load vector store with Redis caching and thread safety""" -# store_key = f"{hospital_id}:{user_id}" - -# try: -# # Check if we already have it loaded - with lock for thread safety -# with vector_store_lock: -# if store_key in hospital_vector_stores: -# return hospital_vector_stores[store_key] - -# # Initialize vector store -# redis_client = get_redis_client(binary=True) -# cache_key = f"vector_store_data:{hospital_id}:{user_id}" -# hospital_dir = os.path.join(CHROMA_DIR, f"hospital_{hospital_id}") - -# if os.path.exists(hospital_dir): -# logging.info( -# f"Loading vector store for hospital {hospital_id} and user {user_id}" -# ) -# vector_store = await asyncio.to_thread( -# lambda: Chroma( -# collection_name=f"hospital_{hospital_id}", -# persist_directory=hospital_dir, -# embedding_function=embeddings, -# ) -# ) -# else: -# logging.info(f"Creating vector store for hospital {hospital_id}") -# os.makedirs(hospital_dir, exist_ok=True) -# vector_store = await asyncio.to_thread( -# lambda: Chroma( -# collection_name=f"hospital_{hospital_id}", -# persist_directory=hospital_dir, -# embedding_function=embeddings, -# ) -# ) - -# # Store with lock for thread safety -# with vector_store_lock: -# hospital_vector_stores[store_key] = vector_store - -# return vector_store -# except Exception as e: -# logging.error(f"Error initializing vector store: {e}", exc_info=True) -# raise - - -# async def delete_document_vectors(hospital_id: int, doc_id: str) -> bool: -# """Delete all vectors associated with a specific document from ChromaDB""" -# try: -# # Initialize vector store for the hospital -# vector_store = await initialize_or_load_vector_store(hospital_id) - -# # Delete vectors with matching doc_id -# await asyncio.to_thread( -# lambda: vector_store._collection.delete(where={"doc_id": str(doc_id)}) -# ) - -# # Persist changes -# await asyncio.to_thread(vector_store.persist) - -# # Clear Redis cache for this document -# redis_client = get_redis_client() -# pattern = f"vector_store_data:{hospital_id}:*" -# for key in redis_client.scan_iter(pattern): -# redis_client.delete(key) - -# logging.info( -# f"Successfully deleted vectors for document {doc_id} from hospital {hospital_id}" -# ) -# return True - -# except Exception as e: -# logging.error(f"Error deleting document vectors: {e}", exc_info=True) -# return False - - -# async def add_document_to_index(doc_id, hospital_id): -# try: -# pool = await get_db_pool() -# async with pool.acquire() as conn: -# async with conn.cursor() as cursor: -# vector_store = await initialize_or_load_vector_store(hospital_id) - -# await cursor.execute( -# "SELECT page_number, content FROM document_pages WHERE document_id = %s ORDER BY page_number", -# (doc_id,), -# ) -# rows = await cursor.fetchall() - -# total_pages = len(rows) -# logging.info(f"Processing {total_pages} pages for document {doc_id}") -# page_bar = tqdm_async(total=total_pages, desc="Processing pages") - -# async def process_page(page_data): -# page_num, content = page_data -# try: -# icd_data = extract_and_process_icd_data( -# content, hospital_id, save_to_json=False -# ) -# chunks = text_splitter.split_text(content) -# await asyncio.sleep(0) # Yield control -# return page_num, chunks, icd_data -# except Exception as e: -# logging.error(f"Error processing page {page_num}: {e}") -# return page_num, [], [] - -# tasks = [asyncio.create_task(process_page(row)) for row in rows] -# results = [] - -# for coro in asyncio.as_completed(tasks): -# result = await coro -# results.append(result) -# page_bar.update(1) - -# page_bar.close() - -# # Vector addition progress bar -# all_icd_data = [] -# all_chunks = [] -# all_metadatas = [] - -# chunk_add_bar = tqdm_async(desc="Vectorizing chunks", total=0) - -# for result in results: -# page_num, chunks, icd_data = result -# all_icd_data.extend(icd_data) - -# for i, chunk in enumerate(chunks): -# all_chunks.append(chunk) -# all_metadatas.append( -# { -# "doc_id": str(doc_id), -# "hospital_id": str(hospital_id), -# "page_number": str(page_num), -# "chunk_index": str(i), -# } -# ) - -# if len(all_chunks) >= BATCH_SIZE: -# chunk_add_bar.total += len(all_chunks) -# chunk_add_bar.refresh() -# await asyncio.to_thread( -# vector_store.add_texts, -# texts=all_chunks, -# metadatas=all_metadatas, -# ) -# all_chunks = [] -# all_metadatas = [] -# chunk_add_bar.update(BATCH_SIZE) - -# # Final batch -# if all_chunks: -# chunk_add_bar.total += len(all_chunks) -# chunk_add_bar.refresh() -# await asyncio.to_thread( -# vector_store.add_texts, -# texts=all_chunks, -# metadatas=all_metadatas, -# ) -# chunk_add_bar.update(len(all_chunks)) - -# chunk_add_bar.close() - -# if all_icd_data: -# logging.info(f"Saving {len(all_icd_data)} ICD codes") -# extract_and_process_icd_data("", hospital_id, save_to_json=True) - -# await asyncio.to_thread(vector_store.persist) -# logging.info(f"Successfully indexed document {doc_id}") -# return True - -# except Exception as e: -# logging.error(f"Error adding document: {e}") -# return False - - -# def is_general_knowledge_question( -# query: str, context: str, conversation_context=None -# ) -> bool: -# """ -# Determine if a question is likely a general knowledge question not covered in the documents. -# Takes conversation history into account to reduce repeated confirmations. -# """ -# query_lower = query.lower() -# context_lower = context.lower() - -# if conversation_context: -# for interaction in conversation_context: -# prev_question = interaction.get("question", "").lower() -# if ( -# prev_question -# and query_lower in prev_question -# or prev_question in query_lower -# ): -# logging.info( -# f"Question is similar to previous conversation, skipping confirmation" -# ) -# return False - -# stop_words = { -# "search", -# "query:", -# "can", -# "you", -# "some", -# "at", -# "the", -# "a", -# "an", -# "in", -# "on", -# "at", -# "to", -# "for", -# "with", -# "by", -# "about", -# "give", -# "full", -# "is", -# "are", -# "was", -# "were", -# "define", -# "what", -# "how", -# "why", -# "when", -# "where", -# "year", -# "list", -# "form", -# "table", -# "who", -# "which", -# "me", -# "tell", -# "explain", -# "describe", -# "of", -# "and", -# "or", -# "there", -# "their", -# "please", -# "could", -# "would", -# "various", -# "different", -# "type", -# "types", -# "kind", -# "kinds", -# "has", -# "have", -# "had", -# "many", -# "say", -# "know", -# } - -# key_words = [ -# word for word in query_lower.split() if word not in stop_words and len(word) > 2 -# ] -# logging.info(f"Key words: {key_words}") - -# if not key_words: -# logging.info("No significant keywords found, directing to general knowledge") -# return True - -# matches = sum(1 for word in key_words if word in context_lower) -# logging.info(f"Matches: {matches} out of {len(key_words)} keywords") - -# match_ratio = matches / len(key_words) -# logging.info(f"Match ratio: {match_ratio}") - -# return match_ratio < 0.4 - -# def is_table_request(query: str) -> bool: -# """ -# Determine if the user is requesting a response in tabular format. -# """ -# table_keywords = [ -# "table", -# "tabular", -# "in a table", -# "in table format", -# "in tabular format", -# "chart", -# "data", -# "comparison", -# "as a table", -# "table format", -# "in rows and columns", -# "in a grid", -# "breakdown", -# "spreadsheet", -# "comparison table", -# "data table", -# "structured table", -# "tabular form", -# "table form", -# ] - -# query_lower = query.lower() -# return any(keyword in query_lower for keyword in table_keywords) - - -# import re - - -# def ensure_html_response(text: str) -> str: -# """ -# Ensure the response is properly formatted in HTML. -# This function handles plain text conversion to HTML. -# """ -# if "", text)) - -# if not has_html_tags: -# paragraphs = text.split("\n\n") -# html_parts = [] -# in_ordered_list = False -# in_unordered_list = False - -# for para in paragraphs: -# if para.strip(): -# if re.match(r"^\s*[\*\-\•]\s", para): -# if not in_unordered_list: -# html_parts.append("") -# in_unordered_list = True - -# lines = para.split("\n") -# for line in lines: -# if line.strip(): -# item = re.sub(r"^\s*[\*\-\•]\s*", "", line) -# html_parts.append(f"
") -# in_unordered_list = False - -# html_parts.append(f"- {item}
") - -# elif re.match(r"^\s*\d+\.\s", para): -# if not in_ordered_list: -# html_parts.append("") -# in_ordered_list = True - -# lines = para.split("\n") -# for line in lines: -# match = re.match(r"^\s*\d+\.\s*(.*)", line) -# if match: -# html_parts.append(f"
") -# in_ordered_list = False -# if in_unordered_list: -# html_parts.append("- {match.group(1)}
") - -# else: # Close any open lists before adding a new paragraph -# if in_ordered_list: -# html_parts.append("{para}
") - -# if in_ordered_list: -# html_parts.append("", "
", "", "
")): -# paragraphs = text.split("\n\n") -# html_parts = [f"
{para}
" for para in paragraphs if para.strip()] -# return "".join(html_parts) - -# return text - - -# class HybridConversationManager: -# """ -# Hybrid conversation manager that uses Redis for RAG-based conversations -# and in-memory storage for general knowledge conversations. -# """ - -# def __init__(self, redis_client, ttl=3600, max_history_items=5): -# self.redis_client = redis_client -# self.ttl = ttl -# self.max_history_items = max_history_items - -# # For general knowledge questions (in-memory) -# self.general_knowledge_histories = {} -# self.lock = Lock() - -# def _get_redis_key(self, user_id, hospital_id, session_id=None): -# """Create Redis key for document-based conversations.""" -# if session_id: -# return f"conv_history:{user_id}:{hospital_id}:{session_id}" -# return f"conv_history:{user_id}:{hospital_id}" - -# def _get_memory_key(self, user_id, hospital_id, session_id=None): -# """Create memory key for general knowledge conversations.""" -# if session_id: -# return f"{user_id}:{hospital_id}:{session_id}" -# return f"{user_id}:{hospital_id}" - -# async def add_rag_interaction( -# self, user_id, hospital_id, question, answer, session_id=None -# ): -# """Add document-based (RAG) interaction to Redis.""" -# key = self._get_redis_key(user_id, hospital_id, session_id) -# history = self.get_rag_history(user_id, hospital_id, session_id) - -# # Add new interaction -# history.append( -# { -# "question": question, -# "answer": answer, -# "timestamp": time.time(), -# "type": "rag", # Mark as RAG-based interaction -# } -# ) - -# # Keep only last N interactions -# history = history[-self.max_history_items :] - -# # Store updated history -# try: -# self.redis_client.setex(key, self.ttl, json.dumps(history)) -# logging.info( -# f"Stored RAG interaction in Redis for {user_id}:{hospital_id}:{session_id}" -# ) -# except Exception as e: -# logging.error(f"Failed to store RAG interaction in Redis: {e}") - -# def add_general_knowledge_interaction( -# self, user_id, hospital_id, question, answer, session_id=None -# ): -# """Add general knowledge interaction to in-memory store.""" -# key = self._get_memory_key(user_id, hospital_id, session_id) - -# with self.lock: -# if key not in self.general_knowledge_histories: -# self.general_knowledge_histories[key] = [] - -# self.general_knowledge_histories[key].append( -# { -# "question": question, -# "answer": answer, -# "timestamp": time.time(), -# "type": "general", # Mark as general knowledge interaction -# } -# ) - -# # Keep only the most recent interactions -# if len(self.general_knowledge_histories[key]) > self.max_history_items: -# self.general_knowledge_histories[key] = ( -# self.general_knowledge_histories[key][-self.max_history_items :] -# ) - -# logging.info( -# f"Stored general knowledge interaction in memory for {user_id}:{hospital_id}:{session_id}" -# ) - -# def get_rag_history(self, user_id, hospital_id, session_id=None): -# """Get document-based (RAG) conversation history from Redis.""" -# key = self._get_redis_key(user_id, hospital_id, session_id) -# try: -# history_data = self.redis_client.get(key) -# return json.loads(history_data) if history_data else [] -# except Exception as e: -# logging.error(f"Failed to retrieve RAG history from Redis: {e}") -# return [] - -# def get_general_knowledge_history(self, user_id, hospital_id, session_id=None): -# """Get general knowledge conversation history from memory.""" -# key = self._get_memory_key(user_id, hospital_id, session_id) - -# with self.lock: -# return self.general_knowledge_histories.get(key, []).copy() - -# def get_combined_history(self, user_id, hospital_id, session_id=None): -# """Get combined conversation history from both sources, sorted by timestamp.""" -# rag_history = self.get_rag_history(user_id, hospital_id, session_id) -# general_history = self.get_general_knowledge_history( -# user_id, hospital_id, session_id -# ) - -# # Combine histories -# combined_history = rag_history + general_history - -# # Sort by timestamp (newest first) -# combined_history.sort(key=lambda x: x.get("timestamp", 0), reverse=True) - -# # Return most recent N items -# return combined_history[: self.max_history_items] - -# def get_context_window(self, user_id, hospital_id, session_id=None, window_size=2): -# """Get the most recent interactions for context from combined history.""" -# combined_history = self.get_combined_history(user_id, hospital_id, session_id) -# # Sort by timestamp (oldest first) for context window -# sorted_history = sorted(combined_history, key=lambda x: x.get("timestamp", 0)) -# return sorted_history[-window_size:] if sorted_history else [] - -# def clear_history(self, user_id, hospital_id): -# """Clear conversation history from both stores.""" -# # Clear Redis history -# redis_key = self._get_redis_key(user_id, hospital_id) -# try: -# self.redis_client.delete(redis_key) -# except Exception as e: -# logging.error(f"Failed to clear Redis history: {e}") - -# # Clear memory history -# memory_key = self._get_memory_key(user_id, hospital_id) -# with self.lock: -# if memory_key in self.general_knowledge_histories: -# del self.general_knowledge_histories[memory_key] - - -# class ContextMapper: -# """Enhanced context mapping using shared model manager""" - -# def __init__(self): -# self.model_manager = ModelManager() -# self.context_cache = {} -# self.similarity_threshold = 0.6 - -# def get_semantic_similarity(self, text1, text2): -# """Get semantic similarity using global model manager""" -# return self.model_manager.get_semantic_similarity(text1, text2) - -# def extract_key_concepts(self, text): -# """Extract key concepts using NLP techniques""" -# doc = nlp(text) -# concepts = [] - -# entities = [(ent.text, ent.label_) for ent in doc.ents] -# noun_phrases = [chunk.text for chunk in doc.noun_chunks] -# important_words = [ -# token.text for token in doc if token.pos_ in ["NOUN", "PROPN", "VERB"] -# ] - -# concepts.extend([e[0] for e in entities]) -# concepts.extend(noun_phrases) -# concepts.extend(important_words) - -# return list(set(concepts)) - -# def map_conversation_context( -# self, current_query, conversation_history, context_window=3 -# ): -# """Map conversation context using enhanced NLP techniques""" -# if not conversation_history: -# return current_query - -# recent_context = conversation_history[-context_window:] -# context_concepts = [] - -# # Extract concepts from recent conversations -# for interaction in recent_context: -# q_concepts = self.extract_key_concepts(interaction["question"]) -# a_concepts = self.extract_key_concepts(interaction["answer"]) -# context_concepts.extend(q_concepts) -# context_concepts.extend(a_concepts) - -# # Extract concepts from current query -# query_concepts = self.extract_key_concepts(current_query) - -# # Find related concepts -# related_concepts = [] -# for q_concept in query_concepts: -# for c_concept in context_concepts: -# similarity = self.get_semantic_similarity(q_concept, c_concept) -# if similarity > self.similarity_threshold: -# related_concepts.append(c_concept) - -# # Build enhanced query -# if related_concepts: -# enhanced_query = ( -# f"{current_query} in context of {', '.join(related_concepts)}" -# ) -# else: -# enhanced_query = current_query - -# return enhanced_query - - -# # Initialize the context mapper -# context_mapper = ContextMapper() - - -# async def generate_contextual_query( -# question: str, user_id: str, hospital_id: int, conversation_manager -# ) -> str: -# """Generate enhanced contextual query""" -# context_window = conversation_manager.get_context_window(user_id, hospital_id) - -# if not context_window: -# return question - -# # Enhanced context mapping -# last_interaction = context_window[-1] -# enhanced_context = f""" -# Previous question: {last_interaction['question']} -# Previous answer: {last_interaction['answer']} -# Current question: {question} - -# Please generate a detailed search query that combines the context from the previous answer -# with the current question, especially if the current question uses words like 'it', 'this', -# 'that', or asks for more details about the previous topic. -# """ - -# try: -# response = await asyncio.to_thread( -# lambda: client.chat.completions.create( -# model="gpt-3.5-turbo", -# messages=[ -# { -# "role": "system", -# "content": "You are a context-aware query generator.", -# }, -# {"role": "user", "content": enhanced_context}, -# ], -# temperature=0.3, -# max_tokens=150, -# ) -# ) -# contextual_query = response.choices[0].message.content.strip() -# logging.info(f"Enhanced contextual query: {contextual_query}") -# return contextual_query -# except Exception as e: -# logging.error(f"Error generating contextual query: {e}") -# return question - - -# def is_follow_up(current_question: str, conversation_history: list) -> bool: -# """Enhanced follow-up detection using NLP techniques""" -# if not conversation_history: -# return False - -# last_interaction = conversation_history[-1] - -# # Get semantic similarity with higher threshold -# similarity = context_mapper.get_semantic_similarity( -# current_question, f"{last_interaction['question']} {last_interaction['answer']}" -# ) - -# # Enhanced referential check -# doc = nlp(current_question.lower()) -# has_referential = any( -# token.lemma_ -# in [ -# "it", -# "this", -# "that", -# "these", -# "those", -# "they", -# "he", -# "she", -# "about", -# "more", -# ] -# for token in doc -# ) - -# # Extract concepts with improved entity detection -# current_concepts = set(context_mapper.extract_key_concepts(current_question)) -# last_concepts = set( -# context_mapper.extract_key_concepts( -# f"{last_interaction['question']} {last_interaction['answer']}" -# ) -# ) - -# # Calculate enhanced concept overlap -# concept_overlap = ( -# len(current_concepts & last_concepts) / len(current_concepts | last_concepts) -# if current_concepts -# else 0 -# ) - -# # More aggressive follow-up detection -# return ( -# similarity > 0.3 # Lowered threshold -# or has_referential -# or concept_overlap > 0.2 # Lowered threshold -# or any( -# word in current_question.lower() -# for word in ["more", "about", "elaborate", "explain"] -# ) -# ) - - -# async def get_relevant_context(question, hospital_id, doc_id=None): -# try: -# cache_key = f"context:hospital_{hospital_id}" -# if doc_id: -# cache_key += f":doc_{doc_id}" -# cache_key += f":{question.lower().strip()}" - -# redis_client = get_redis_client() - -# cached_context = redis_client.get(cache_key) -# if cached_context: -# logging.info(f"Cache hit for key: {cache_key}") -# return ( -# cached_context.decode("utf-8") -# if isinstance(cached_context, bytes) -# else cached_context -# ) - -# vector_store = await initialize_or_load_vector_store(hospital_id) -# if not vector_store: -# return "" - -# retriever = vector_store.as_retriever( -# search_type="mmr", -# search_kwargs={ -# "k": 10, -# "fetch_k": 20, -# "lambda_mult": 0.6, -# # "filter": {"doc_id": str(doc_id)} if doc_id else {"hospital_id": str(hospital_id)} -# }, -# ) - -# docs = await asyncio.to_thread(retriever.get_relevant_documents, question) -# if not docs: -# return "" - -# sorted_docs = sorted( -# docs, -# key=lambda x: ( -# int(x.metadata.get("page_number", 0)), -# int(x.metadata.get("chunk_index", 0)), -# ), -# ) - -# context_parts = [doc.page_content for doc in sorted_docs] -# context = "\n\n".join(context_parts) - -# try: -# redis_client.setex( -# cache_key, -# int(CACHE_TTL["vector_store"].total_seconds()), -# context.encode("utf-8") if isinstance(context, str) else context, -# ) -# logging.info(f"Cached context for key: {cache_key}") -# except Exception as cache_error: -# logging.error(f"Failed to cache context: {cache_error}") - -# return context -# except Exception as e: -# logging.error(f"Error getting relevant context: {e}") -# return "" - - -# def format_conversation_context(conv_history): -# """Format conversation history into a string""" -# if not conv_history: -# return "No previous conversation." -# return "\n".join( -# [ -# f"Q: {interaction['question']}\nA: {interaction['answer']}" -# for interaction in conv_history -# ] -# ) - - -# def get_icd_context_from_question(question, hospital_id): -# """Extract any valid ICD codes from the question and return context""" -# icd_data = load_icd_entries(hospital_id) -# matches = [] -# code_pattern = re.findall(r"\b([A-Z][0-9A-Z]{2,6}[A-Z]?)\b", question.upper()) - -# seen = set() -# for code in code_pattern: -# for entry in icd_data: -# if entry["code"] == code and code not in seen: -# matches.append(f"{entry['code']}: {entry['description']}") -# seen.add(code) -# return "\n".join(matches) - - -# def get_fuzzy_icd_context(question, hospital_id, top_n=5, threshold=70): -# """Get fuzzy matches for ICD codes from the question""" -# icd_data = load_icd_entries(hospital_id) -# descriptions = [entry["description"] for entry in icd_data] -# matches = process.extract( -# question, descriptions, limit=top_n, score_cutoff=threshold -# ) - -# matched_context = [] -# for desc, score, _ in matches: -# for entry in icd_data: -# if entry["description"] == desc: -# matched_context.append(f"{entry['code']}: {entry['description']}") -# break - -# return "\n".join(matched_context) - - -# async def generate_answer_with_rag( -# question, -# hospital_id, -# client, -# doc_id=None, -# user_id="default", -# conversation_manager=None, -# session_id=None, -# ): -# """Generate an answer using RAG with improved conversation flow""" -# try: -# # Continue with regular RAG processing if not an ICD code or if no ICD match found -# html_instruction = """ -# IMPORTANT: Format your ENTIRE response as HTML. Use appropriate HTML tags for all content: -# - Usetags for paragraphs -# - Use
,
tags for headings and subheadings -# - Use
,
") - - return "".join(html_parts) - - else: - if not any(tag in text for tag in ("- tags for bullet points -# - Use
,
") - if in_unordered_list: - html_parts.append("- tags for numbered lists -# - Use
for quoted text -# - Use for bold text and for emphasis -# """ - -# table_instruction = """ -# - For tables, use proper HTML table structure: -#-# -#
-# """ -# # Get conversation history first -# conv_history = ( -# conversation_manager.get_context_window(user_id, hospital_id, session_id) -# if conversation_manager -# else [] -# ) - -# # Get contextual query and relevant context first -# contextual_query = await generate_contextual_query( -# question, user_id, hospital_id, conversation_manager -# ) -# # Track ICD context across conversation -# icd_context = {} -# if conv_history: -# # Extract ICD code from previous interaction -# last_answer = conv_history[-1].get("answer", "") -# icd_codes = re.findall(r"\b([A-Z][0-9A-Z]{2,6}[A-Z]?)\b", last_answer) -# if icd_codes: -# icd_context["last_code"] = icd_codes[0] - -# # Check if current question is about a previously discussed ICD code -# is_icd_followup = False -# if icd_context.get("last_code"): -# followup_indicators = [ -# "what causes", -# "what is causing", -# "why", -# "how", -# "symptoms", -# "treatment", -# "diagnosis", -# "causes", -# "effects", -# "complications", -# "risk factors", -# "prevention", -# "prognosis", -# "this", -# "disease", -# "that", -# "it", -# ] -# is_icd_followup = any( -# indicator in question.lower() for indicator in followup_indicators -# ) - -# if is_icd_followup: -# # Add the previous ICD code context to the current question -# icd_exact_context = get_icd_context_from_question( -# icd_context["last_code"], hospital_id -# ) -# icd_fuzzy_context = get_fuzzy_icd_context( -# f"{icd_context['last_code']} {question}", hospital_id -# ) -# else: -# icd_exact_context = get_icd_context_from_question(question, hospital_id) -# icd_fuzzy_context = get_fuzzy_icd_context(question, hospital_id) -# else: -# icd_exact_context = get_icd_context_from_question(question, hospital_id) -# icd_fuzzy_context = get_fuzzy_icd_context(question, hospital_id) - -# # Get contextual query and relevant context -# contextual_query = await generate_contextual_query( -# question, user_id, hospital_id, conversation_manager -# ) -# doc_context = await get_relevant_context(contextual_query, hospital_id, doc_id) - -# # Combine context with priority for ICD information -# context_parts = [] -# if is_icd_followup: -# context_parts.append( -# f"## Previous ICD Code Context\nContinuing discussion about: {icd_context['last_code']}" -# ) -# if icd_exact_context: -# context_parts.append("## ICD Code Match\n" + icd_exact_context) -# if icd_fuzzy_context: -# context_parts.append("## Related ICD Suggestions\n" + icd_fuzzy_context) -# if doc_context: -# context_parts.append("## Document Context\n" + doc_context) - -# context = "\n\n".join(context_parts) - -# # Initialize follow-up detection -# is_follow_up = False - -# # Check if this is a follow-up question -# if conv_history: -# last_interaction = conv_history[-1] -# last_question = last_interaction["question"].lower() -# last_answer = last_interaction.get("answer", "").lower() -# current_question = question.lower() - -# # Define meaningful keywords that indicate entity-related follow-ups -# entity_related_keywords = { -# "achievements", -# "awards", -# "accomplishments", -# "work", -# "contributions", -# "career", -# "company", -# "products", -# "life", -# "background", -# "education", -# "role", -# "experience", -# "history", -# "details", -# "places", -# "place", -# "information", -# "facts", -# "about", -# "birth", -# "death", -# "family", -# "books", -# "projects", -# "population", -# } - -# # Check if question is asking about attributes/achievements of previously discussed entity -# has_entity_attribute = any( -# word in current_question.split() for word in entity_related_keywords -# ) - -# # Extract entities from last answer to maintain context -# def extract_entities(text): -# # Split into words and get potential entities (capitalized words) -# words = text.split() -# entities = set() -# current_entity = [] - -# for word in words: -# if word[0].isupper(): -# current_entity.append(word) -# elif current_entity: -# if len(current_entity) > 0: -# entities.add(" ".join(current_entity)) -# current_entity = [] - -# if current_entity: -# entities.add(" ".join(current_entity)) -# return entities - -# last_entities = extract_entities(last_answer) - -# # Check for referential words -# referential_words = { -# "it", -# "this", -# "that", -# "these", -# "those", -# "they", -# "their", -# "he", -# "she", -# "him", -# "her", -# "his", -# "hers", -# "them", -# "there", -# "such", -# "its", -# } -# has_referential = any( -# word in referential_words for word in current_question.split() -# ) - -# # Calculate term overlap with both question and answer context -# def get_significant_terms(text): -# stop_words = { -# "what", -# "when", -# "where", -# "who", -# "why", -# "how", -# "is", -# "are", -# "was", -# "were", -# "be", -# "been", -# "the", -# "a", -# "an", -# "in", -# "on", -# "at", -# "to", -# "for", -# "of", -# "with", -# "by", -# "about", -# "as", -# "tell", -# "me", -# "please", -# } -# return set( -# word -# for word in text.split() -# if len(word) > 2 and word.lower() not in stop_words -# ) - -# current_terms = get_significant_terms(current_question) -# last_terms = get_significant_terms(last_question) -# answer_terms = get_significant_terms(last_answer) - -# # Include terms from both question and answer in context -# all_prev_terms = last_terms | answer_terms -# term_overlap = len(current_terms & all_prev_terms) -# total_terms = len(current_terms | all_prev_terms) -# term_similarity = term_overlap / total_terms if total_terms > 0 else 0 - -# # Enhanced follow-up detection combining multiple signals -# is_follow_up = ( -# has_referential -# or term_similarity -# >= 0.2 # Lower threshold when including answer context -# or ( -# has_entity_attribute and bool(last_entities) -# ) # Check if asking about attributes of known entity -# or ( -# last_interaction.get("type") == "general" -# and term_similarity >= 0.15 -# ) -# ) - -# logging.info(f"Follow-up analysis enhanced:") -# logging.info(f"- Referential words: {has_referential}") -# logging.info(f"- Term similarity: {term_similarity:.2f}") -# logging.info(f"- Entity attribute question: {has_entity_attribute}") -# logging.info(f"- Last entities found: {last_entities}") -# logging.info(f"- Is follow-up: {is_follow_up}") - -# # For entirely new topics (not follow-ups), use is_general_knowledge_question -# if not is_follow_up: -# is_general = is_general_knowledge_question(question, context, conv_history) -# if is_general: -# confirmation_prompt = f""" -#-# -#{table_title} -#-# {table_headers} -# -# -# -# {table_rows} -# -#Reviewed the hospital’s documentation, but this particular question does not seem to be covered.
-# """ -# logging.info("General knowledge question detected") -# return { -# "answer": confirmation_prompt, -# "requires_confirmation": True, -# }, 200 - - -# prompt_template = f"""Based on the following context and conversation history, provide a detailed answer to the question. -# Previous conversation: -# {format_conversation_context(conv_history)} - -# Context from documents: -# {context} - -# Current question: {question} - -# Instructions: -# 1. When providing medical codes (ICD, CPT, etc.): -# - Always use the ICD codes listed in the sections titled "ICD Code Match" and "Related ICD Suggestions" from the context. -# - Do not use or invent ICD codes from your own training knowledge unless they appear in the provided context. -# - If multiple codes are relevant, return the one that best matches the user’s question. If unsure, return multiple options in HTML list format. -# - Remove all decimal points (e.g., use 'A150' instead of 'A15.0') -# - Format the response as: 'The medical code for [condition] is [code]
' -# 2. Address the current question while maintaining conversation continuity -# 3. Resolve any ambiguous references using conversation history -# 4. Format the response in clear HTML. -# 5. Strictly it should answer only from the {context} provided, do not invent or assume and give the information and it should not be general knowledge also. Purely 100% RAG-based response and only from documents. - -# {html_instruction} -# {table_instruction if is_table_request(question) else ""} -# """ - -# response = await asyncio.to_thread( -# lambda: client.chat.completions.create( -# model="gpt-3.5-turbo-16k", -# messages=[ -# {"role": "system", "content": prompt_template}, -# {"role": "user", "content": question}, -# ], -# temperature=0.2, -# max_tokens=1000, -# ) -# ) - -# answer = ensure_html_response(response.choices[0].message.content) -# logging.info(f"Generated RAG answer for question: {question}") - -# # Store interaction in history -# if conversation_manager: -# await conversation_manager.add_rag_interaction( -# user_id, hospital_id, question, answer, session_id -# ) - -# return {"answer": answer}, 200 - -# except Exception as e: -# logging.error(f"Error in generate_answer_with_rag: {e}") -# return {"answer": f"Error: {str(e)}
"}, 500 - -# async def load_existing_vector_stores(): -# """Load existing Chroma vector stores for each hospital""" -# pool = await get_db_pool() -# async with pool.acquire() as conn: -# async with conn.cursor() as cursor: -# try: -# await cursor.execute("SELECT DISTINCT id FROM hospitals") -# hospital_ids = [row[0] for row in await cursor.fetchall()] - -# for hospital_id in hospital_ids: -# try: -# await initialize_or_load_vector_store(hospital_id) -# except Exception as e: -# logging.error( -# f"Failed to load vector store for hospital {hospital_id}: {e}" -# ) -# continue - -# except Exception as e: -# logging.error(f"Error loading vector stores: {e}") - - -# async def get_failed_page(doc_id): -# pool = await get_db_pool() -# async with pool.acquire() as conn: -# async with conn.cursor() as cursor: -# try: -# await cursor.execute( -# "SELECT failed_page FROM documents WHERE id = %s", (doc_id,) -# ) -# result = await cursor.fetchone() -# return result[0] if result and result[0] else None -# except Exception as e: -# logging.error(f"Database error checking failed_page: {e}") -# return None - - -# async def update_document_status(doc_id, status, failed_page=None): -# """Update document status with enum validation""" -# if isinstance(status, str): -# status = DocumentStatus[status.upper()].value - -# pool = await get_db_pool() -# async with pool.acquire() as conn: -# async with conn.cursor() as cursor: -# try: -# if failed_page: -# await cursor.execute( -# "UPDATE documents SET processed_status = %s, failed_page = %s WHERE id = %s", -# (status, failed_page, doc_id), -# ) -# else: -# await cursor.execute( -# "UPDATE documents SET processed_status = %s, failed_page = NULL WHERE id = %s", -# (status, doc_id), -# ) -# await conn.commit() -# return True -# except Exception as e: -# logging.error(f"Database update error: {e}") -# return False - - -# thread_pool = ThreadPoolExecutor(max_workers=10) - - -# def async_to_sync(coroutine): -# """Helper function to run async code in sync context""" -# loop = asyncio.new_event_loop() -# asyncio.set_event_loop(loop) -# try: -# return loop.run_until_complete(coroutine) -# finally: -# loop.close() - - -# @app.route("/flask-api", methods=["GET"]) -# def health_check(): -# """Health check endpoint""" -# access_logger.info(f"Health check request received from {request.remote_addr}") -# return jsonify({"status": "ok"}), 200 - - -# @app.route("/flask-api/process-pdf", methods=["POST"]) -# def process_pdf(): -# access_logger.info(f"PDF processing request received from {request.remote_addr}") -# file_path = None -# try: -# file = request.files.get("pdf") -# hospital_id = request.form.get("hospital_id") -# doc_id = request.form.get("doc_id") - -# logging.info( -# f"Received PDF processing request for hospital {hospital_id}, doc_id {doc_id}" -# ) - -# if not all([file, hospital_id, doc_id]): -# return jsonify({"error": "Missing required parameters"}), 400 - -# def process_in_background(): -# nonlocal file_path -# try: -# async_to_sync(update_document_status(doc_id, "processing")) - -# # Add progress logging -# logging.info(f"Starting processing of document {doc_id}") - -# filename = f"doc_{doc_id}_{file.filename}" -# file_path = os.path.join(uploads_dir, filename) - -# with open(file_path, "wb") as f: -# file.save(f) - -# logging.info("Extracting PDF contents...") -# content = extract_pdf_contents(file_path, int(hospital_id)) - -# logging.info("Inserting content into database...") -# metadata = {"filename": filename} -# result = async_to_sync( -# insert_content_into_db(content, metadata, doc_id) -# ) - -# if "error" in result: -# async_to_sync(update_document_status(doc_id, "failed", 1)) -# return False - -# logging.info("Creating embeddings and indexing...") -# success = async_to_sync(add_document_to_index(doc_id, hospital_id)) - -# if success: -# logging.info("Document processing completed successfully") -# async_to_sync(update_document_status(doc_id, "processed")) -# return True -# else: -# logging.error("Document processing failed during indexing") -# async_to_sync(update_document_status(doc_id, "failed")) -# return False - -# except Exception as e: -# logging.error(f"Processing error: {e}") -# async_to_sync(update_document_status(doc_id, "failed")) -# return False -# finally: -# if file_path and os.path.exists(file_path): -# try: -# os.remove(file_path) -# except Exception as e: -# logging.error(f"Error removing temporary file: {e}") - -# # Execute processing and wait for result -# future = thread_pool.submit(process_in_background) -# success = future.result() - -# if success: -# return jsonify({"message": "Document processed successfully"}), 200 -# else: -# return jsonify({"error": "Document processing failed"}), 500 - -# except Exception as e: -# logging.error(f"API error: {e}") -# if file_path and os.path.exists(file_path): -# try: -# os.remove(file_path) -# except Exception as file_e: -# logging.error(f"Error removing temporary file: {file_e}") -# return jsonify({"error": str(e)}), 500 - - -# # Initialize the hybrid conversation manager -# redis_client = get_redis_client() -# conversation_manager = HybridConversationManager(redis_client) - - -# @app.route("/flask-api/generate-answer", methods=["POST"]) -# def rag_answer_api(): -# """Sync API endpoint for RAG-based question answering with conversation history.""" -# access_logger.info(f"Generate answer request received from {request.remote_addr}") -# try: -# data = request.json -# question = data.get("question", "").strip().lower() -# hospital_code = data.get("hospital_code") -# doc_id = data.get("doc_id") -# user_id = data.get("user_id", "default") -# session_id = data.get("session_id", None) - -# logging.info(f"Received question from user {user_id}: {question}") -# logging.info(f"Received hospital code: {hospital_code}") -# logging.info(f"Received session_id: {session_id}") - -# # is_confirmation_response = data.get("is_confirmation_response", False) -# original_query = data.get("original_query", "") - -# def process_rag_answer(): -# try: -# hospital_id = async_to_sync(get_hospital_id(hospital_code)) -# logging.info(f"Resolved hospital ID: {hospital_id}") - -# if not hospital_id: -# return { -# "error": "Invalid or missing 'hospital_code' in request" -# }, 400 - -# # if question == "yes" and original_query: -# # # User confirmed they want a general knowledge answer -# # answer = async_to_sync( -# # generate_general_knowledge_answer( -# # original_query, -# # client, -# # user_id, -# # hospital_id, -# # conversation_manager, # Pass the hybrid manager -# # is_table_request(original_query), -# # session_id=session_id, -# # ) -# # ) -# # return {"answer": answer}, 200 - -# if original_query: -# response_message = """ -#I can only answer questions based on information found in the hospital documents.
-#The question you asked doesn't seem to be covered in the available documents.
-#You can try rephrasing your question or asking about a different topic.
-# """ -# return {"answer": response_message}, 200 - -# else: -# # Regular RAG answer -# return async_to_sync( -# generate_answer_with_rag( -# question=question, -# hospital_id=hospital_id, -# client=client, -# doc_id=doc_id, -# user_id=user_id, -# conversation_manager=conversation_manager, # Pass the hybrid manager -# session_id=session_id, -# ) -# ) -# except Exception as e: -# logging.error(f"Thread processing error: {str(e)}") -# return {"error": str(e)}, 500 - -# if not question: -# return jsonify({"error": "Missing 'question' in request"}), 400 - -# future = thread_pool.submit(process_rag_answer) -# result, status_code = future.result() - -# return jsonify(result), status_code - -# except Exception as e: -# logging.error(f"API error: {str(e)}") -# return jsonify({"error": str(e)}), 500 - - -# @app.route("/flask-api/delete-document-vectors", methods=["DELETE"]) -# def delete_document_vectors_endpoint(): -# """Endpoint to delete document vectors from ChromaDB""" -# try: -# data = request.json -# hospital_id = data.get("hospital_id") -# doc_id = data.get("doc_id") - -# if not all([hospital_id, doc_id]): -# return jsonify({"error": "Missing required parameters"}), 400 - -# logging.info( -# f"Received request to delete vectors for document {doc_id} from hospital {hospital_id}" -# ) - -# def process_deletion(): -# try: -# success = async_to_sync(delete_document_vectors(hospital_id, doc_id)) -# if success: -# return {"message": "Document vectors deleted successfully"}, 200 -# else: -# return {"error": "Failed to delete document vectors"}, 500 -# except Exception as e: -# logging.error(f"Error in vector deletion process: {e}") -# return {"error": str(e)}, 500 - -# future = thread_pool.submit(process_deletion) -# result, status_code = future.result() - -# return jsonify(result), status_code - -# except Exception as e: -# logging.error(f"API error: {str(e)}") -# return jsonify({"error": str(e)}), 500 - - -# @app.route("/flask-api/get-chroma-content", methods=["GET"]) -# def get_chroma_content_endpoint(): -# """API endpoint to get ChromaDB content by hospital_id""" -# try: -# hospital_id = request.args.get("hospital_id") -# limit = int(request.args.get("limit", 30000)) - -# if not hospital_id: -# return jsonify({"error": "Missing required parameter: hospital_id"}), 400 - -# def process_fetch(): -# try: -# result, status_code = async_to_sync( -# get_chroma_content_by_hospital( -# hospital_id=int(hospital_id), limit=limit -# ) -# ) -# return result, status_code -# except Exception as e: -# logging.error(f"Error in ChromaDB fetch process: {e}") -# return {"error": str(e)}, 500 - -# future = thread_pool.submit(process_fetch) -# result, status_code = future.result() - -# return jsonify(result), status_code - -# except Exception as e: -# logging.error(f"API error: {str(e)}") -# return jsonify({"error": str(e)}), 500 - - -# async def get_chroma_content_by_hospital(hospital_id: int, limit: int = 100): -# """Fetch content from ChromaDB for a specific hospital""" -# try: -# # Initialize vector store -# vector_store = await initialize_or_load_vector_store(hospital_id) -# if not vector_store: -# return {"error": "Vector store not found"}, 404 - -# # Get collection -# collection = vector_store._collection - -# # Query the collection with hospital_id filter -# results = await asyncio.to_thread( -# lambda: collection.get(where={"hospital_id": str(hospital_id)}, limit=limit) -# ) - -# if not results or not results["ids"]: -# return {"data": [], "count": 0}, 200 - -# # Format the response -# formatted_results = [] -# for i in range(len(results["ids"])): -# formatted_results.append( -# { -# "id": results["ids"][i], -# "content": results["documents"][i], -# "metadata": results["metadatas"][i], -# } -# ) - -# return {"data": formatted_results, "count": len(formatted_results)}, 200 - -# except Exception as e: -# logging.error(f"Error fetching ChromaDB content: {e}") -# return {"error": str(e)}, 500 - - -# @app.before_request -# def before_request(): -# request._start_time = time.time() - - -# @app.after_request -# def after_request(response): -# if hasattr(request, "_start_time"): -# duration = time.time() - request._start_time -# access_logger.info( -# f'"{request.method} {request.path}" {response.status_code} - Duration: {duration:.3f}s - ' -# f"IP: {request.remote_addr}" -# ) -# return response - - -# if __name__ == "__main__": -# logger.info("Starting SpurrinAI application") -# logger.info(f"Python version: {sys.version}") -# logger.info(f"Environment: {os.getenv('FLASK_ENV', 'production')}") - -# try: -# model_manager = ModelManager() -# logger.info("Model manager initialized successfully") -# except Exception as e: -# logger.error(f"Failed to initialize model manager: {e}") -# sys.exit(1) - -# # Initialize directories -# os.makedirs(DATA_DIR, exist_ok=True) -# os.makedirs(CHROMA_DIR, exist_ok=True) -# logger.info(f"Initialized directories: {DATA_DIR}, {CHROMA_DIR}") - -# # Clear Redis cache -# redis_client = get_redis_client() -# cleared_keys = 0 -# for key in redis_client.scan_iter("vector_store_data:*"): -# redis_client.delete(key) -# cleared_keys += 1 -# logger.info(f"Cleared {cleared_keys} Redis cache keys") - -# # Load vector stores -# logger.info("Loading existing vector stores...") -# async_to_sync(load_existing_vector_stores()) -# logger.info("Vector stores loaded successfully") - -# # Start application -# logger.info("Starting Flask application on port 5000") -# app.run(port=5000, debug=False) - -""" -SpurrinAI - Intelligent Document Processing and Question Answering System -Copyright (c) 2024 Tech4biz. All rights reserved. - -This module implements the main Flask application for the SpurrinAI system, -providing REST APIs for document processing, vector storage, and question answering -using RAG (Retrieval Augmented Generation) architecture. - -Author: Tech4biz Development Team -Version: 1.0.0 -Last Updated: 2024-01-19 -""" - -# Standard library imports -import os -import re -import sys -import json -import time -import threading -import asyncio -from concurrent.futures import ThreadPoolExecutor -from dataclasses import dataclass -from datetime import timedelta -from enum import Enum - -# Third-party imports -import spacy -import redis -import aiomysql -from dotenv import load_dotenv -from flask import Flask, request, jsonify, Response -from flask_cors import CORS -from tqdm import tqdm -from tqdm.asyncio import tqdm as tqdm_async -from langchain_community.document_loaders import PyPDFLoader -from langchain.text_splitter import RecursiveCharacterTextSplitter -from langchain_community.embeddings import OpenAIEmbeddings -from langchain_community.vectorstores import Chroma -from langchain_community.chat_models import ChatOpenAI -from langchain.chains import RetrievalQA -from langchain.prompts import PromptTemplate -from openai import OpenAI -from rapidfuzz import process -from threading import Lock - -# Local imports -from model_manager import ModelManager - -# Suppress warnings -import warnings - -warnings.filterwarnings("ignore") - -# Initialize NLTK -import nltk - -nltk.download("punkt") - -# Configure logging -import logging -import logging.handlers - -app = Flask(__name__) -CORS(app) - -script_dir = os.path.dirname(os.path.abspath(__file__)) -log_file_path = os.path.join(script_dir, "error.log") -logging.basicConfig(filename=log_file_path, level=logging.INFO) - - -# Configure logging -def setup_logging(): - log_dir = os.path.join(script_dir, "logs") - os.makedirs(log_dir, exist_ok=True) - - main_log = os.path.join(log_dir, "app.log") - error_log = os.path.join(log_dir, "error.log") - access_log = os.path.join(log_dir, "access.log") - perf_log = os.path.join(log_dir, "performance.log") - - # Create formatters - detailed_formatter = logging.Formatter( - "%(asctime)s - %(name)s - %(levelname)s - [%(filename)s:%(lineno)d] - %(message)s" - ) - access_formatter = logging.Formatter("%(asctime)s - %(levelname)s - %(message)s") - - # Main logger setup - main_handler = logging.handlers.RotatingFileHandler( - main_log, maxBytes=10485760, backupCount=5 - ) - main_handler.setFormatter(detailed_formatter) - main_handler.setLevel(logging.INFO) - - # Error logger setup - error_handler = logging.handlers.RotatingFileHandler( - error_log, maxBytes=10485760, backupCount=5 - ) - error_handler.setFormatter(detailed_formatter) - error_handler.setLevel(logging.ERROR) - - # Access logger setup - access_handler = logging.handlers.TimedRotatingFileHandler( - access_log, when="midnight", interval=1, backupCount=30 - ) - access_handler.setFormatter(access_formatter) - access_handler.setLevel(logging.INFO) - - # Performance logger setup - perf_handler = logging.handlers.RotatingFileHandler( - perf_log, maxBytes=10485760, backupCount=5 - ) - perf_handler.setFormatter(detailed_formatter) - perf_handler.setLevel(logging.INFO) - - # Configure root logger - root_logger = logging.getLogger() - root_logger.setLevel(logging.INFO) - root_logger.addHandler(main_handler) - root_logger.addHandler(error_handler) - - # Create specific loggers - access_logger = logging.getLogger("access") - access_logger.addHandler(access_handler) - access_logger.setLevel(logging.INFO) - - perf_logger = logging.getLogger("performance") - perf_logger.addHandler(perf_handler) - perf_logger.setLevel(logging.INFO) - - return root_logger, access_logger, perf_logger - - -# Initialize loggers -logger, access_logger, perf_logger = setup_logging() - -# DB_CONFIG = { -# 'host': 'localhost', -# 'user': 'flaskuser', -# 'password': 'Flask@123', -# 'database': 'spurrinai', -# } - -# DB_CONFIG = { -# 'host': 'localhost', -# 'user': 'spurrindevuser', -# 'password': 'Admin@123', -# 'database': 'spurrindev', -# } - -# DB_CONFIG = { -# 'host': 'localhost', -# 'user': 'root', -# 'password': 'root', -# 'database': 'medqueryai', -# 'port': 3307 -# } - -# Redis Configuration -REDIS_CONFIG = { - "host": "localhost", - "port": 6379, - "db": 0, - "decode_responses": True, # For string operations -} - -DB_CONFIG = { - "host": os.getenv("DB_HOST", "localhost"), - "user": os.getenv("DB_USER", "testuser"), - "password": os.getenv("DB_PASSWORD", "Admin@123"), - "database": os.getenv("DB_NAME", "spurrintest"), -} - -# Redis connection pool -redis_pool = redis.ConnectionPool(**REDIS_CONFIG) -redis_binary_pool = redis.ConnectionPool( - host="localhost", port=6379, db=1, decode_responses=False -) - - -def get_redis_client(binary=False): - """Get Redis client from pool""" - logger.debug(f"Getting Redis client with binary={binary}") - try: - pool = redis_binary_pool if binary else redis_pool - client = redis.Redis(connection_pool=pool) - logger.debug("Redis client created successfully") - return client - except Exception as e: - logger.error(f"Failed to create Redis client: {e}", exc_info=True) - raise - - -def fetch_cached_answer(cache_key): - logger.debug(f"Attempting to fetch cached answer for key: {cache_key}") - start_time = time.time() - try: - redis_client = get_redis_client() - cached_answer = redis_client.get(cache_key) - fetch_time = time.time() - start_time - perf_logger.info( - f"Redis fetch completed in {fetch_time:.3f} seconds for key: {cache_key}" - ) - return cached_answer - except Exception as e: - logger.error(f"Redis fetch error for key {cache_key}: {e}", exc_info=True) - return None - - -# Cache TTL configurations -CACHE_TTL = { - "vector_store": timedelta(hours=24), - "chat_completion": timedelta(hours=1), - "document_metadata": timedelta(days=7), -} - -DATA_DIR = os.path.join(script_dir, "hospital_data") -CHROMA_DIR = os.path.join(DATA_DIR, "chroma_db") -uploads_dir = os.path.join(script_dir, "llm-uploads") - -if not os.path.exists(uploads_dir): - os.makedirs(uploads_dir) - -nlp = spacy.load("en_core_web_sm") - -load_dotenv() -OPENAI_API_KEY = os.getenv("OPENAI_API_KEY") - -client = OpenAI(api_key=OPENAI_API_KEY) -embeddings = OpenAIEmbeddings(api_key=OPENAI_API_KEY) -llm = ChatOpenAI( - model_name="gpt-3.5-turbo", streaming=True, temperature=0.2, api_key=OPENAI_API_KEY -) -# text_splitter = RecursiveCharacterTextSplitter(chunk_size=1000, chunk_overlap=50) -hospital_vector_stores = {} -vector_store_lock = threading.Lock() - - -@dataclass -class Document: - doc_id: int - page_num: int - content: str - - -class DocumentStatus(Enum): - PROCESSING = "processing" - PROCESSED = "processed" - FAILED = "failed" - - -async def get_db_pool(): - return await aiomysql.create_pool( - host=DB_CONFIG["host"], - user=DB_CONFIG["user"], - password=DB_CONFIG["password"], - db=DB_CONFIG["database"], - autocommit=True, - ) - - -async def get_hospital_id(hospital_code): - try: - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor(aiomysql.DictCursor) as cursor: - await cursor.execute( - "SELECT id FROM hospitals WHERE hospital_code = %s LIMIT 1", - (hospital_code,), - ) - result = await cursor.fetchone() - return result["id"] if result else None - except Exception as error: - logging.error(f"Database error: {error}") - return None - finally: - pool.close() - await pool.wait_closed() - - -CHUNK_SIZE = 1000 -CHUNK_OVERLAP = 50 -BATCH_SIZE = 1000 - -text_splitter = RecursiveCharacterTextSplitter( - chunk_size=CHUNK_SIZE, - chunk_overlap=CHUNK_OVERLAP, - # length_function=len, - # separators=["\n\n", "\n", ". ", " ", ""] -) - - -# Update the JSON_PATH to be dynamic based on hospital_id -def get_icd_json_path(hospital_id): - hospital_data_dir = os.path.join(DATA_DIR, f"hospital_{hospital_id}") - os.makedirs(hospital_data_dir, exist_ok=True) - return os.path.join(hospital_data_dir, "icd_data.json") - - -def extract_and_process_icd_data(content, hospital_id, save_to_json=True): - """Extract and process ICD codes with optimized processing and optional JSON saving""" - try: - # Initialize pattern compilation once - pattern = re.compile(r"^\s*([A-Z][0-9A-Z]{2,6}[A-Z]?)\s+(.*)$", re.MULTILINE) - - # Process in chunks for large content - chunk_size = 50000 # Process 50KB at a time - icd_data = [] - - current_code = None - current_description = [] - - # Split content into manageable chunks - content_chunks = [ - content[i : i + chunk_size] for i in range(0, len(content), chunk_size) - ] - - # Process each chunk - for chunk in content_chunks: - lines = chunk.splitlines() - - for line in lines: - line = line.strip() - if not line: - if current_code and current_description: - icd_data.append( - { - "code": current_code, - "description": " ".join(current_description).strip(), - } - ) - current_code = None - current_description = [] - continue - - match = pattern.match(line) - if match: - if current_code and current_description: - icd_data.append( - { - "code": current_code, - "description": " ".join(current_description).strip(), - } - ) - current_code, description = match.groups() - current_description = [description.strip()] - elif current_code: - current_description.append(line) - - # Add final entry if exists - if current_code and current_description: - icd_data.append( - { - "code": current_code, - "description": " ".join(current_description).strip(), - } - ) - - # Save to hospital-specific JSON if requested - if save_to_json and icd_data: - try: - json_path = get_icd_json_path(hospital_id) - - # Use a lock for thread safety - with threading.Lock(): - if os.path.exists(json_path): - with open(json_path, "r", encoding="utf-8") as f: - try: - existing_data = json.load(f) - except json.JSONDecodeError: - existing_data = [] - else: - existing_data = [] - - # Efficient deduplication using dictionary - seen_codes = {item["code"]: item for item in existing_data} - for item in icd_data: - seen_codes[item["code"]] = item - - unique_data = list(seen_codes.values()) - - # Write atomically using temporary file - temp_path = f"{json_path}.tmp" - with open(temp_path, "w", encoding="utf-8") as f: - json.dump(unique_data, f, indent=2, ensure_ascii=False) - os.replace(temp_path, json_path) - - logging.info( - f"Successfully saved {len(unique_data)} unique ICD codes to JSON for hospital {hospital_id}" - ) - - except Exception as e: - logging.error( - f"Error saving ICD data to JSON for hospital {hospital_id}: {e}" - ) - - return icd_data - - except Exception as e: - logging.error(f"Error in extract_and_process_icd_data: {e}") - return [] - - -def load_icd_entries(hospital_id): - """Load ICD entries from hospital-specific JSON file""" - json_path = get_icd_json_path(hospital_id) - try: - if os.path.exists(json_path): - with open(json_path, "r", encoding="utf-8") as f: - return json.load(f) - return [] - except Exception as e: - logging.error(f"Error loading ICD entries for hospital {hospital_id}: {e}") - return [] - - -# Update the process_icd_codes function to include hospital_id -async def process_icd_codes(content, doc_id, hospital_id, batch_size=256): - """Process and store ICD codes using the optimized extraction function""" - try: - # Extract and save codes with hospital_id - extract_and_process_icd_data(content, hospital_id, save_to_json=True) - except Exception as e: - logging.error(f"Error processing ICD codes for hospital {hospital_id}: {e}") - - -async def initialize_icd_vector_store(hospital_id): - """This function is deprecated. ICD codes are now handled through JSON search.""" - logging.warning( - "initialize_icd_vector_store is deprecated - using JSON search instead" - ) - return None - - -def extract_pdf_contents(pdf_path, hospital_id): - """Extract PDF contents with optimized chunking and code extraction""" - try: - loader = PyPDFLoader(pdf_path) - pages = loader.load() - pages_content = [] - - for i, page in enumerate(tqdm(pages, desc="Extracting pages")): - text = page.page_content.strip() - - # Extract ICD codes from the page - icd_codes = extract_and_process_icd_data( - text, hospital_id - ) # We'll set doc_id later - - pages_content.append({"page": i + 1, "text": text, "codes": icd_codes}) - - return pages_content - - except Exception as e: - logging.error(f"Error in extract_pdf_contents: {e}") - raise - - -async def insert_content_into_db(content, metadata, doc_id): - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - try: - metadata_query = "INSERT INTO document_metadata (document_id, key_name, value_name) VALUES (%s, %s, %s)" - content_query = "INSERT INTO document_pages (document_id, page_number, content) VALUES (%s, %s, %s)" - - metadata_values = [ - (doc_id, key[:100], value) - for key, value in metadata.items() - if value - ] - content_values = [ - (doc_id, page_content["page"], page_content["text"]) - for page_content in content - ] - - if metadata_values: - await cursor.executemany(metadata_query, metadata_values) - if content_values: - await cursor.executemany(content_query, content_values) - - await conn.commit() - return {"message": "Success"} - except Exception as e: - await conn.rollback() - return {"error": str(e)} - - -async def initialize_or_load_vector_store(hospital_id, user_id="default"): - """Initialize or load vector store with Redis caching and thread safety""" - store_key = f"{hospital_id}:{user_id}" - - try: - # Check if we already have it loaded - with lock for thread safety - with vector_store_lock: - if store_key in hospital_vector_stores: - return hospital_vector_stores[store_key] - - # Initialize vector store - redis_client = get_redis_client(binary=True) - cache_key = f"vector_store_data:{hospital_id}:{user_id}" - hospital_dir = os.path.join(CHROMA_DIR, f"hospital_{hospital_id}") - - if os.path.exists(hospital_dir): - logging.info( - f"Loading vector store for hospital {hospital_id} and user {user_id}" - ) - vector_store = await asyncio.to_thread( - lambda: Chroma( - collection_name=f"hospital_{hospital_id}", - persist_directory=hospital_dir, - embedding_function=embeddings, - ) - ) - else: - logging.info(f"Creating vector store for hospital {hospital_id}") - os.makedirs(hospital_dir, exist_ok=True) - vector_store = await asyncio.to_thread( - lambda: Chroma( - collection_name=f"hospital_{hospital_id}", - persist_directory=hospital_dir, - embedding_function=embeddings, - ) - ) - - # Store with lock for thread safety - with vector_store_lock: - hospital_vector_stores[store_key] = vector_store - - return vector_store - except Exception as e: - logging.error(f"Error initializing vector store: {e}", exc_info=True) - raise - - -async def delete_document_vectors(hospital_id: int, doc_id: str) -> bool: - """Delete all vectors associated with a specific document from ChromaDB""" - try: - # Initialize vector store for the hospital - vector_store = await initialize_or_load_vector_store(hospital_id) - - # Delete vectors with matching doc_id - await asyncio.to_thread( - lambda: vector_store._collection.delete(where={"doc_id": str(doc_id)}) - ) - - # Persist changes - await asyncio.to_thread(vector_store.persist) - - # Clear Redis cache for this document - redis_client = get_redis_client() - pattern = f"vector_store_data:{hospital_id}:*" - for key in redis_client.scan_iter(pattern): - redis_client.delete(key) - - logging.info( - f"Successfully deleted vectors for document {doc_id} from hospital {hospital_id}" - ) - return True - - except Exception as e: - logging.error(f"Error deleting document vectors: {e}", exc_info=True) - return False - - -async def add_document_to_index(doc_id, hospital_id): - try: - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - vector_store = await initialize_or_load_vector_store(hospital_id) - - await cursor.execute( - "SELECT page_number, content FROM document_pages WHERE document_id = %s ORDER BY page_number", - (doc_id,), - ) - rows = await cursor.fetchall() - - total_pages = len(rows) - logging.info(f"Processing {total_pages} pages for document {doc_id}") - page_bar = tqdm_async(total=total_pages, desc="Processing pages") - - async def process_page(page_data): - page_num, content = page_data - try: - icd_data = extract_and_process_icd_data( - content, hospital_id, save_to_json=False - ) - chunks = text_splitter.split_text(content) - await asyncio.sleep(0) # Yield control - return page_num, chunks, icd_data - except Exception as e: - logging.error(f"Error processing page {page_num}: {e}") - return page_num, [], [] - - tasks = [asyncio.create_task(process_page(row)) for row in rows] - results = [] - - for coro in asyncio.as_completed(tasks): - result = await coro - results.append(result) - page_bar.update(1) - - page_bar.close() - - # Vector addition progress bar - all_icd_data = [] - all_chunks = [] - all_metadatas = [] - - chunk_add_bar = tqdm_async(desc="Vectorizing chunks", total=0) - - for result in results: - page_num, chunks, icd_data = result - all_icd_data.extend(icd_data) - - for i, chunk in enumerate(chunks): - all_chunks.append(chunk) - all_metadatas.append( - { - "doc_id": str(doc_id), - "hospital_id": str(hospital_id), - "page_number": str(page_num), - "chunk_index": str(i), - } - ) - - if len(all_chunks) >= BATCH_SIZE: - chunk_add_bar.total += len(all_chunks) - chunk_add_bar.refresh() - await asyncio.to_thread( - vector_store.add_texts, - texts=all_chunks, - metadatas=all_metadatas, - ) - all_chunks = [] - all_metadatas = [] - chunk_add_bar.update(BATCH_SIZE) - - # Final batch - if all_chunks: - chunk_add_bar.total += len(all_chunks) - chunk_add_bar.refresh() - await asyncio.to_thread( - vector_store.add_texts, - texts=all_chunks, - metadatas=all_metadatas, - ) - chunk_add_bar.update(len(all_chunks)) - - chunk_add_bar.close() - - if all_icd_data: - logging.info(f"Saving {len(all_icd_data)} ICD codes") - extract_and_process_icd_data("", hospital_id, save_to_json=True) - - await asyncio.to_thread(vector_store.persist) - logging.info(f"Successfully indexed document {doc_id}") - return True - - except Exception as e: - logging.error(f"Error adding document: {e}") - return False - - -def is_general_knowledge_question( - query: str, context: str, conversation_context=None -) -> bool: - """ - Determine if a question is likely a general knowledge question not covered in the documents. - Takes conversation history into account to reduce repeated confirmations. - """ - query_lower = query.lower() - context_lower = context.lower() - - if conversation_context: - for interaction in conversation_context: - prev_question = interaction.get("question", "").lower() - if ( - prev_question - and query_lower in prev_question - or prev_question in query_lower - ): - logging.info( - f"Question is similar to previous conversation, skipping confirmation" - ) - return False - - stop_words = { - "search", - "query:", - "can", - "you", - "some", - "at", - "the", - "a", - "an", - "in", - "on", - "at", - "to", - "for", - "with", - "by", - "about", - "give", - "full", - "is", - "are", - "was", - "were", - "define", - "what", - "how", - "why", - "when", - "where", - "year", - "list", - "form", - "table", - "who", - "which", - "me", - "tell", - "explain", - "describe", - "of", - "and", - "or", - "there", - "their", - "please", - "could", - "would", - "various", - "different", - "type", - "types", - "kind", - "kinds", - "has", - "have", - "had", - "many", - "say", - "know", - } - - key_words = [ - word for word in query_lower.split() if word not in stop_words and len(word) > 2 - ] - logging.info(f"Key words: {key_words}") - - if not key_words: - logging.info("No significant keywords found, directing to general knowledge") - return True - - matches = sum(1 for word in key_words if word in context_lower) - logging.info(f"Matches: {matches} out of {len(key_words)} keywords") - - match_ratio = matches / len(key_words) - logging.info(f"Match ratio: {match_ratio}") - - return match_ratio < 0.4 - -def is_table_request(query: str) -> bool: - """ - Determine if the user is requesting a response in tabular format. - """ - table_keywords = [ - "table", - "tabular", - "in a table", - "in table format", - "in tabular format", - "chart", - "data", - "comparison", - "as a table", - "table format", - "in rows and columns", - "in a grid", - "breakdown", - "spreadsheet", - "comparison table", - "data table", - "structured table", - "tabular form", - "table form", - ] - - query_lower = query.lower() - return any(keyword in query_lower for keyword in table_keywords) - - -import re - - -def ensure_html_response(text: str) -> str: - """ - Ensure the response is properly formatted in HTML. - This function handles plain text conversion to HTML. - """ - if "", text)) - - if not has_html_tags: - paragraphs = text.split("\n\n") - html_parts = [] - in_ordered_list = False - in_unordered_list = False - - for para in paragraphs: - if para.strip(): - if re.match(r"^\s*[\*\-\•]\s", para): - if not in_unordered_list: - html_parts.append("") - in_unordered_list = True - - lines = para.split("\n") - for line in lines: - if line.strip(): - item = re.sub(r"^\s*[\*\-\•]\s*", "", line) - html_parts.append(f"
") - in_unordered_list = False - - html_parts.append(f"- {item}
") - - elif re.match(r"^\s*\d+\.\s", para): - if not in_ordered_list: - html_parts.append("") - in_ordered_list = True - - lines = para.split("\n") - for line in lines: - match = re.match(r"^\s*\d+\.\s*(.*)", line) - if match: - html_parts.append(f"
") - in_ordered_list = False - if in_unordered_list: - html_parts.append("- {match.group(1)}
") - - else: # Close any open lists before adding a new paragraph - if in_ordered_list: - html_parts.append("{para}
") - - if in_ordered_list: - html_parts.append("", "
", "", "
")): - paragraphs = text.split("\n\n") - html_parts = [f"
{para}
" for para in paragraphs if para.strip()] - return "".join(html_parts) - - return text - - -class HybridConversationManager: - """ - Hybrid conversation manager that uses Redis for RAG-based conversations - and in-memory storage for general knowledge conversations. - """ - - def __init__(self, redis_client, ttl=3600, max_history_items=5): - self.redis_client = redis_client - self.ttl = ttl - self.max_history_items = max_history_items - - # For general knowledge questions (in-memory) - self.general_knowledge_histories = {} - self.lock = Lock() - - def _get_redis_key(self, user_id, hospital_id, session_id=None): - """Create Redis key for document-based conversations.""" - if session_id: - return f"conv_history:{user_id}:{hospital_id}:{session_id}" - return f"conv_history:{user_id}:{hospital_id}" - - def _get_memory_key(self, user_id, hospital_id, session_id=None): - """Create memory key for general knowledge conversations.""" - if session_id: - return f"{user_id}:{hospital_id}:{session_id}" - return f"{user_id}:{hospital_id}" - - async def add_rag_interaction( - self, user_id, hospital_id, question, answer, session_id=None - ): - """Add document-based (RAG) interaction to Redis.""" - key = self._get_redis_key(user_id, hospital_id, session_id) - history = self.get_rag_history(user_id, hospital_id, session_id) - - # Add new interaction - history.append( - { - "question": question, - "answer": answer, - "timestamp": time.time(), - "type": "rag", # Mark as RAG-based interaction - } - ) - - # Keep only last N interactions - history = history[-self.max_history_items :] - - # Store updated history - try: - self.redis_client.setex(key, self.ttl, json.dumps(history)) - logging.info( - f"Stored RAG interaction in Redis for {user_id}:{hospital_id}:{session_id}" - ) - except Exception as e: - logging.error(f"Failed to store RAG interaction in Redis: {e}") - - def add_general_knowledge_interaction( - self, user_id, hospital_id, question, answer, session_id=None - ): - """Add general knowledge interaction to in-memory store.""" - key = self._get_memory_key(user_id, hospital_id, session_id) - - with self.lock: - if key not in self.general_knowledge_histories: - self.general_knowledge_histories[key] = [] - - self.general_knowledge_histories[key].append( - { - "question": question, - "answer": answer, - "timestamp": time.time(), - "type": "general", # Mark as general knowledge interaction - } - ) - - # Keep only the most recent interactions - if len(self.general_knowledge_histories[key]) > self.max_history_items: - self.general_knowledge_histories[key] = ( - self.general_knowledge_histories[key][-self.max_history_items :] - ) - - logging.info( - f"Stored general knowledge interaction in memory for {user_id}:{hospital_id}:{session_id}" - ) - - def get_rag_history(self, user_id, hospital_id, session_id=None): - """Get document-based (RAG) conversation history from Redis.""" - key = self._get_redis_key(user_id, hospital_id, session_id) - try: - history_data = self.redis_client.get(key) - return json.loads(history_data) if history_data else [] - except Exception as e: - logging.error(f"Failed to retrieve RAG history from Redis: {e}") - return [] - - def get_general_knowledge_history(self, user_id, hospital_id, session_id=None): - """Get general knowledge conversation history from memory.""" - key = self._get_memory_key(user_id, hospital_id, session_id) - - with self.lock: - return self.general_knowledge_histories.get(key, []).copy() - - def get_combined_history(self, user_id, hospital_id, session_id=None): - """Get combined conversation history from both sources, sorted by timestamp.""" - rag_history = self.get_rag_history(user_id, hospital_id, session_id) - general_history = self.get_general_knowledge_history( - user_id, hospital_id, session_id - ) - - # Combine histories - combined_history = rag_history + general_history - - # Sort by timestamp (newest first) - combined_history.sort(key=lambda x: x.get("timestamp", 0), reverse=True) - - # Return most recent N items - return combined_history[: self.max_history_items] - - def get_context_window(self, user_id, hospital_id, session_id=None, window_size=2): - """Get the most recent interactions for context from combined history.""" - combined_history = self.get_combined_history(user_id, hospital_id, session_id) - # Sort by timestamp (oldest first) for context window - sorted_history = sorted(combined_history, key=lambda x: x.get("timestamp", 0)) - return sorted_history[-window_size:] if sorted_history else [] - - def clear_history(self, user_id, hospital_id): - """Clear conversation history from both stores.""" - # Clear Redis history - redis_key = self._get_redis_key(user_id, hospital_id) - try: - self.redis_client.delete(redis_key) - except Exception as e: - logging.error(f"Failed to clear Redis history: {e}") - - # Clear memory history - memory_key = self._get_memory_key(user_id, hospital_id) - with self.lock: - if memory_key in self.general_knowledge_histories: - del self.general_knowledge_histories[memory_key] - - -class ContextMapper: - """Enhanced context mapping using shared model manager""" - - def __init__(self): - self.model_manager = ModelManager() - self.context_cache = {} - self.similarity_threshold = 0.6 - - def get_semantic_similarity(self, text1, text2): - """Get semantic similarity using global model manager""" - return self.model_manager.get_semantic_similarity(text1, text2) - - def extract_key_concepts(self, text): - """Extract key concepts using NLP techniques""" - doc = nlp(text) - concepts = [] - - entities = [(ent.text, ent.label_) for ent in doc.ents] - noun_phrases = [chunk.text for chunk in doc.noun_chunks] - important_words = [ - token.text for token in doc if token.pos_ in ["NOUN", "PROPN", "VERB"] - ] - - concepts.extend([e[0] for e in entities]) - concepts.extend(noun_phrases) - concepts.extend(important_words) - - return list(set(concepts)) - - def map_conversation_context( - self, current_query, conversation_history, context_window=3 - ): - """Map conversation context using enhanced NLP techniques""" - if not conversation_history: - return current_query - - recent_context = conversation_history[-context_window:] - context_concepts = [] - - # Extract concepts from recent conversations - for interaction in recent_context: - q_concepts = self.extract_key_concepts(interaction["question"]) - a_concepts = self.extract_key_concepts(interaction["answer"]) - context_concepts.extend(q_concepts) - context_concepts.extend(a_concepts) - - # Extract concepts from current query - query_concepts = self.extract_key_concepts(current_query) - - # Find related concepts - related_concepts = [] - for q_concept in query_concepts: - for c_concept in context_concepts: - similarity = self.get_semantic_similarity(q_concept, c_concept) - if similarity > self.similarity_threshold: - related_concepts.append(c_concept) - - # Build enhanced query - if related_concepts: - enhanced_query = ( - f"{current_query} in context of {', '.join(related_concepts)}" - ) - else: - enhanced_query = current_query - - return enhanced_query - - -# Initialize the context mapper -context_mapper = ContextMapper() - - -async def generate_contextual_query( - question: str, user_id: str, hospital_id: int, conversation_manager -) -> str: - """Generate enhanced contextual query""" - context_window = conversation_manager.get_context_window(user_id, hospital_id) - - if not context_window: - return question - - # Enhanced context mapping - last_interaction = context_window[-1] - enhanced_context = f""" - Previous question: {last_interaction['question']} - Previous answer: {last_interaction['answer']} - Current question: {question} - - Please generate a detailed search query that combines the context from the previous answer - with the current question, especially if the current question uses words like 'it', 'this', - 'that', or asks for more details about the previous topic. - """ - - try: - response = await asyncio.to_thread( - lambda: client.chat.completions.create( - model="gpt-3.5-turbo", - messages=[ - { - "role": "system", - "content": "You are a context-aware query generator.", - }, - {"role": "user", "content": enhanced_context}, - ], - temperature=0.3, - max_tokens=150, - ) - ) - contextual_query = response.choices[0].message.content.strip() - logging.info(f"Enhanced contextual query: {contextual_query}") - return contextual_query - except Exception as e: - logging.error(f"Error generating contextual query: {e}") - return question - - -def is_follow_up(current_question: str, conversation_history: list) -> bool: - """Enhanced follow-up detection using NLP techniques""" - if not conversation_history: - return False - - last_interaction = conversation_history[-1] - - # Get semantic similarity with higher threshold - similarity = context_mapper.get_semantic_similarity( - current_question, f"{last_interaction['question']} {last_interaction['answer']}" - ) - - # Enhanced referential check - doc = nlp(current_question.lower()) - has_referential = any( - token.lemma_ - in [ - "it", - "this", - "that", - "these", - "those", - "they", - "he", - "she", - "about", - "more", - ] - for token in doc - ) - - # Extract concepts with improved entity detection - current_concepts = set(context_mapper.extract_key_concepts(current_question)) - last_concepts = set( - context_mapper.extract_key_concepts( - f"{last_interaction['question']} {last_interaction['answer']}" - ) - ) - - # Calculate enhanced concept overlap - concept_overlap = ( - len(current_concepts & last_concepts) / len(current_concepts | last_concepts) - if current_concepts - else 0 - ) - - # More aggressive follow-up detection - return ( - similarity > 0.3 # Lowered threshold - or has_referential - or concept_overlap > 0.2 # Lowered threshold - or any( - word in current_question.lower() - for word in ["more", "about", "elaborate", "explain"] - ) - ) - - -async def get_relevant_context(question, hospital_id, doc_id=None): - try: - cache_key = f"context:hospital_{hospital_id}" - if doc_id: - cache_key += f":doc_{doc_id}" - cache_key += f":{question.lower().strip()}" - - redis_client = get_redis_client() - - cached_context = redis_client.get(cache_key) - if cached_context: - logging.info(f"Cache hit for key: {cache_key}") - return ( - cached_context.decode("utf-8") - if isinstance(cached_context, bytes) - else cached_context - ) - - vector_store = await initialize_or_load_vector_store(hospital_id) - if not vector_store: - return "" - - retriever = vector_store.as_retriever( - search_type="mmr", - search_kwargs={ - "k": 10, - "fetch_k": 20, - "lambda_mult": 0.6, - # "filter": {"doc_id": str(doc_id)} if doc_id else {"hospital_id": str(hospital_id)} - }, - ) - - docs = await asyncio.to_thread(retriever.get_relevant_documents, question) - if not docs: - return "" - - sorted_docs = sorted( - docs, - key=lambda x: ( - int(x.metadata.get("page_number", 0)), - int(x.metadata.get("chunk_index", 0)), - ), - ) - - context_parts = [doc.page_content for doc in sorted_docs] - context = "\n\n".join(context_parts) - - try: - redis_client.setex( - cache_key, - int(CACHE_TTL["vector_store"].total_seconds()), - context.encode("utf-8") if isinstance(context, str) else context, - ) - logging.info(f"Cached context for key: {cache_key}") - except Exception as cache_error: - logging.error(f"Failed to cache context: {cache_error}") - - return context - except Exception as e: - logging.error(f"Error getting relevant context: {e}") - return "" - - -def format_conversation_context(conv_history): - """Format conversation history into a string""" - if not conv_history: - return "No previous conversation." - return "\n".join( - [ - f"Q: {interaction['question']}\nA: {interaction['answer']}" - for interaction in conv_history - ] - ) - - -def get_icd_context_from_question(question, hospital_id): - """Extract any valid ICD codes from the question and return context""" - icd_data = load_icd_entries(hospital_id) - matches = [] - code_pattern = re.findall(r"\b([A-Z][0-9A-Z]{2,6}[A-Z]?)\b", question.upper()) - - seen = set() - for code in code_pattern: - for entry in icd_data: - if entry["code"] == code and code not in seen: - matches.append(f"{entry['code']}: {entry['description']}") - seen.add(code) - return "\n".join(matches) - - -def get_fuzzy_icd_context(question, hospital_id, top_n=5, threshold=70): - """Get fuzzy matches for ICD codes from the question""" - icd_data = load_icd_entries(hospital_id) - descriptions = [entry["description"] for entry in icd_data] - matches = process.extract( - question, descriptions, limit=top_n, score_cutoff=threshold - ) - - matched_context = [] - for desc, score, _ in matches: - for entry in icd_data: - if entry["description"] == desc: - matched_context.append(f"{entry['code']}: {entry['description']}") - break - - return "\n".join(matched_context) - - -async def generate_answer_with_rag(question, hospital_id, client, doc_id=None): - """Generate answer using strict RAG approach - only using document content""" - try: - html_instruction = """ - IMPORTANT: Format your ENTIRE response as HTML. Use appropriate HTML tags for all content: - - Usetags for paragraphs - - Use
,
tags for headings and subheadings - - Use
,
- tags for bullet points - - Use
,
- tags for numbered lists - - Use
for quoted text - - Use for bold text and for emphasis - """ - - table_instruction = """ - - For tables, use proper HTML table structure: -- -
- """ - # First, check for ICD codes in the question - icd_exact_context = get_icd_context_from_question(question, hospital_id) - icd_fuzzy_context = get_fuzzy_icd_context(question, hospital_id) - - # Get document context - vector_store = initialize_or_load_vector_store(hospital_id) - if not vector_store: - return {"answer": "- -{table_title} -- {table_headers} - - - - {table_rows} - -No document content available.
"}, 404 - - # Create template focusing only on document content - prompt_template = PromptTemplate( - template="""Based ONLY on the provided document context and ICD codes, generate an answer to the question. - If the information is not found in the context, explicitly state that. - Do not use any external knowledge or assumptions. - - {html_instruction} - {table_instruction} - - ICD Code Matches: - {icd_exact_context} - - Related ICD Codes: - {icd_fuzzy_context} - - Context from documents: {context} - Question: {question} - - Instructions: - 1. Only use information explicitly present in the context and ICD codes - 2. Do not make assumptions or use external knowledge - 3. If an ICD code is found, include it in your response - 4. If the answer is not in the context, say "This information is not found in the available documents" - 5. Format response in clear HTML - - Answer:""", - input_variables=["context", "question"], - partial_variables={ - "html_instruction": html_instruction, - "table_instruction": table_instruction if is_table_request(question) else "", - "icd_exact_context": icd_exact_context if icd_exact_context else "No exact ICD code matches found.", - "icd_fuzzy_context": icd_fuzzy_context if icd_fuzzy_context else "No related ICD codes found." - } - ) - - retriever = vector_store.as_retriever( - search_type="similarity", - search_kwargs={ - "k": 6, - "filter": {"doc_id": str(doc_id)} if doc_id else {"hospital_id": str(hospital_id)} - } - ) - - qa_chain = RetrievalQA.from_chain_type( - llm=llm, - chain_type="stuff", - retriever=retriever, - chain_type_kwargs={"prompt": prompt_template}, - return_source_documents=True - ) - - result = qa_chain({"query": question}) - formatted_answer = ensure_html_response(result["result"]) - - if "not found in" in formatted_answer.lower(): - return {"answer": formatted_answer}, 404 - - return {"answer": formatted_answer}, 200 - - except Exception as e: - return {"answer": f"Error: {str(e)}
"}, 500 - -async def update_document_status(doc_id, status, failed_page=None): - """Update document status with enum validation""" - if isinstance(status, str): - status = DocumentStatus[status.upper()].value - - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - try: - if failed_page: - await cursor.execute( - "UPDATE documents SET processed_status = %s, failed_page = %s WHERE id = %s", - (status, failed_page, doc_id), - ) - else: - await cursor.execute( - "UPDATE documents SET processed_status = %s, failed_page = NULL WHERE id = %s", - (status, doc_id), - ) - await conn.commit() - return True - except Exception as e: - logging.error(f"Database update error: {e}") - return False - -async def load_existing_vector_stores(): - """Load existing Chroma vector stores for each hospital""" - pool = await get_db_pool() - async with pool.acquire() as conn: - async with conn.cursor() as cursor: - try: - await cursor.execute("SELECT DISTINCT id FROM hospitals") - hospital_ids = [row[0] for row in await cursor.fetchall()] - - for hospital_id in hospital_ids: - try: - await initialize_or_load_vector_store(hospital_id) - except Exception as e: - logging.error( - f"Failed to load vector store for hospital {hospital_id}: {e}" - ) - continue - - except Exception as e: - logging.error(f"Error loading vector stores: {e}") - -@app.route('/flask-api/generate-answer', methods=['POST']) -def generate_answer(): - """Generate answer using RAG approach.""" - try: - data = request.json - question = data.get('question') - hospital_code = data.get('hospital_code') - hospital_id = async_to_sync(get_hospital_id(hospital_code)) - doc_id = data.get('doc_id') - html_instruction = """ - IMPORTANT: Format your ENTIRE response as HTML. Use appropriate HTML tags for all content: - - Usetags for paragraphs - - Use
,
tags for headings and subheadings - - Use
,
- tags for bullet points - - Use
,
- tags for numbered lists - - Use
for quoted text - - Use for bold text and for emphasis - """ - - table_instruction = """ - - For tables, use proper HTML table structure: -- -
- """ - - # Validate required parameters - if not question: - return jsonify({"error": "Missing 'question' in request"}), 400 - if not hospital_id: - return jsonify({"error": "Missing 'hospital_code' in request"}), 400 - - # Get ICD context - icd_exact_context = get_icd_context_from_question(question, hospital_id) - icd_fuzzy_context = get_fuzzy_icd_context(question, hospital_id) - - vector_store = async_to_sync(initialize_or_load_vector_store(hospital_id)) - if not vector_store: - return jsonify({"answer": "- -{table_title} -- {table_headers} - - - - {table_rows} - -No document content available.
"}), 404 - - # Create template focusing only on document content - prompt_template = PromptTemplate( - template="""Based ONLY on the provided document context and ICD codes, generate an answer. - Do not use any external knowledge or assumptions. - - {html_instruction} - {table_instruction} - - ICD Code Matches: - {icd_exact_context} - - Related ICD Codes: - {icd_fuzzy_context} - - Context: {context} - Question: {question} - - Instructions: - 1. Only use information explicitly present in the context and ICD codes - 2. Do not make assumptions or use external knowledge - 3. If an ICD code is found, include it in your response - 4. If the answer is not in the context, say "This information is not found in the available documents" - 5. Format response in clear HTML - - Answer:""", - input_variables=["context", "question"], - partial_variables={ - "html_instruction": html_instruction, - "table_instruction": table_instruction if is_table_request(question) else "", - "icd_exact_context": icd_exact_context if icd_exact_context else "No exact ICD code matches found.", - "icd_fuzzy_context": icd_fuzzy_context if icd_fuzzy_context else "No related ICD codes found." - } - ) - - retriever = vector_store.as_retriever( - search_type="similarity", - search_kwargs={ - "k": 6, - "filter": {"doc_id": str(doc_id)} if doc_id else {"hospital_id": str(hospital_id)} - } - ) - - qa_chain = RetrievalQA.from_chain_type( - llm=llm, - chain_type="stuff", - retriever=retriever, - chain_type_kwargs={"prompt": prompt_template}, - return_source_documents=True - ) - - result = qa_chain({"query": question}) - answer = ensure_html_response(result["result"]) - - if "not found in" in answer.lower(): - return jsonify({ - "answer": "This information is not found in the available documents.
" - }), 404 - - return jsonify({"answer": answer}), 200 - - except Exception as e: - logging.error(f"Error generating answer: {e}") - return jsonify({"error": str(e)}), 500 - -thread_pool = ThreadPoolExecutor(max_workers=10) - - -def async_to_sync(coroutine): - """Helper function to run async code in sync context""" - loop = asyncio.new_event_loop() - asyncio.set_event_loop(loop) - try: - return loop.run_until_complete(coroutine) - finally: - loop.close() - - -@app.route("/flask-api", methods=["GET"]) -def health_check(): - """Health check endpoint""" - access_logger.info(f"Health check request received from {request.remote_addr}") - return jsonify({"status": "ok"}), 200 - - -@app.route("/flask-api/process-pdf", methods=["POST"]) -def process_pdf(): - access_logger.info(f"PDF processing request received from {request.remote_addr}") - file_path = None - try: - file = request.files.get("pdf") - hospital_id = request.form.get("hospital_id") - doc_id = request.form.get("doc_id") - - logging.info( - f"Received PDF processing request for hospital {hospital_id}, doc_id {doc_id}" - ) - - if not all([file, hospital_id, doc_id]): - return jsonify({"error": "Missing required parameters"}), 400 - - def process_in_background(): - nonlocal file_path - try: - async_to_sync(update_document_status(doc_id, "processing")) - - # Add progress logging - logging.info(f"Starting processing of document {doc_id}") - - filename = f"doc_{doc_id}_{file.filename}" - file_path = os.path.join(uploads_dir, filename) - - with open(file_path, "wb") as f: - file.save(f) - - logging.info("Extracting PDF contents...") - content = extract_pdf_contents(file_path, int(hospital_id)) - - logging.info("Inserting content into database...") - metadata = {"filename": filename} - result = async_to_sync( - insert_content_into_db(content, metadata, doc_id) - ) - - if "error" in result: - async_to_sync(update_document_status(doc_id, "failed", 1)) - return False - - logging.info("Creating embeddings and indexing...") - success = async_to_sync(add_document_to_index(doc_id, hospital_id)) - - if success: - logging.info("Document processing completed successfully") - async_to_sync(update_document_status(doc_id, "processed")) - return True - else: - logging.error("Document processing failed during indexing") - async_to_sync(update_document_status(doc_id, "failed")) - return False - - except Exception as e: - logging.error(f"Processing error: {e}") - async_to_sync(update_document_status(doc_id, "failed")) - return False - finally: - if file_path and os.path.exists(file_path): - try: - os.remove(file_path) - except Exception as e: - logging.error(f"Error removing temporary file: {e}") - - # Execute processing and wait for result - future = thread_pool.submit(process_in_background) - success = future.result() - - if success: - return jsonify({"message": "Document processed successfully"}), 200 - else: - return jsonify({"error": "Document processing failed"}), 500 - - except Exception as e: - logging.error(f"API error: {e}") - if file_path and os.path.exists(file_path): - try: - os.remove(file_path) - except Exception as file_e: - logging.error(f"Error removing temporary file: {file_e}") - return jsonify({"error": str(e)}), 500 - - -# Initialize the hybrid conversation manager -redis_client = get_redis_client() -conversation_manager = HybridConversationManager(redis_client) - - -@app.route("/flask-api/delete-document-vectors", methods=["DELETE"]) -def delete_document_vectors_endpoint(): - """Endpoint to delete document vectors from ChromaDB""" - try: - data = request.json - hospital_id = data.get("hospital_id") - doc_id = data.get("doc_id") - - if not all([hospital_id, doc_id]): - return jsonify({"error": "Missing required parameters"}), 400 - - logging.info( - f"Received request to delete vectors for document {doc_id} from hospital {hospital_id}" - ) - - def process_deletion(): - try: - success = async_to_sync(delete_document_vectors(hospital_id, doc_id)) - if success: - return {"message": "Document vectors deleted successfully"}, 200 - else: - return {"error": "Failed to delete document vectors"}, 500 - except Exception as e: - logging.error(f"Error in vector deletion process: {e}") - return {"error": str(e)}, 500 - - future = thread_pool.submit(process_deletion) - result, status_code = future.result() - - return jsonify(result), status_code - - except Exception as e: - logging.error(f"API error: {str(e)}") - return jsonify({"error": str(e)}), 500 - - -@app.route("/flask-api/get-chroma-content", methods=["GET"]) -def get_chroma_content_endpoint(): - """API endpoint to get ChromaDB content by hospital_id""" - try: - hospital_id = request.args.get("hospital_id") - limit = int(request.args.get("limit", 30000)) - - if not hospital_id: - return jsonify({"error": "Missing required parameter: hospital_id"}), 400 - - def process_fetch(): - try: - result, status_code = async_to_sync( - get_chroma_content_by_hospital( - hospital_id=int(hospital_id), limit=limit - ) - ) - return result, status_code - except Exception as e: - logging.error(f"Error in ChromaDB fetch process: {e}") - return {"error": str(e)}, 500 - - future = thread_pool.submit(process_fetch) - result, status_code = future.result() - - return jsonify(result), status_code - - except Exception as e: - logging.error(f"API error: {str(e)}") - return jsonify({"error": str(e)}), 500 - - -async def get_chroma_content_by_hospital(hospital_id: int, limit: int = 100): - """Fetch content from ChromaDB for a specific hospital""" - try: - # Initialize vector store - vector_store = await initialize_or_load_vector_store(hospital_id) - if not vector_store: - return {"error": "Vector store not found"}, 404 - - # Get collection - collection = vector_store._collection - - # Query the collection with hospital_id filter - results = await asyncio.to_thread( - lambda: collection.get(where={"hospital_id": str(hospital_id)}, limit=limit) - ) - - if not results or not results["ids"]: - return {"data": [], "count": 0}, 200 - - # Format the response - formatted_results = [] - for i in range(len(results["ids"])): - formatted_results.append( - { - "id": results["ids"][i], - "content": results["documents"][i], - "metadata": results["metadatas"][i], - } - ) - - return {"data": formatted_results, "count": len(formatted_results)}, 200 - - except Exception as e: - logging.error(f"Error fetching ChromaDB content: {e}") - return {"error": str(e)}, 500 - - -@app.before_request -def before_request(): - request._start_time = time.time() - - -@app.after_request -def after_request(response): - if hasattr(request, "_start_time"): - duration = time.time() - request._start_time - access_logger.info( - f'"{request.method} {request.path}" {response.status_code} - Duration: {duration:.3f}s - ' - f"IP: {request.remote_addr}" - ) - return response - - -if __name__ == "__main__": - logger.info("Starting SpurrinAI application") - logger.info(f"Python version: {sys.version}") - logger.info(f"Environment: {os.getenv('FLASK_ENV', 'production')}") - - try: - model_manager = ModelManager() - logger.info("Model manager initialized successfully") - except Exception as e: - logger.error(f"Failed to initialize model manager: {e}") - sys.exit(1) - - # Initialize directories - os.makedirs(DATA_DIR, exist_ok=True) - os.makedirs(CHROMA_DIR, exist_ok=True) - logger.info(f"Initialized directories: {DATA_DIR}, {CHROMA_DIR}") - - # Clear Redis cache - redis_client = get_redis_client() - cleared_keys = 0 - for key in redis_client.scan_iter("vector_store_data:*"): - redis_client.delete(key) - cleared_keys += 1 - logger.info(f"Cleared {cleared_keys} Redis cache keys") - - # Load vector stores - logger.info("Loading existing vector stores...") - async_to_sync(load_existing_vector_stores()) - logger.info("Vector stores loaded successfully") - - # Start application - logger.info("Starting Flask application on port 5000") - app.run(port=5000, debug=False) \ No newline at end of file diff --git a/error.log b/error.log deleted file mode 100644 index 4be4f63..0000000 --- a/error.log +++ /dev/null @@ -1,26076 +0,0 @@ -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Creating vector store for hospital 6 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 10 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 16 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 19 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 26 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 27 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 29 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 31 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 32 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 36 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 37 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 41 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 42 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 47 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 48 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 52 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 53 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 56 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 57 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 59 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 60 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 64 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 65 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 66 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 67 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 68 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 69 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 70 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 71 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 72 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 73 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 75 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 76 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 80 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 81 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 86 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 87 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 90 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 91 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 92 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 94 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 95 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 96 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 97 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 99 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 103 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 106 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 107 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 110 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 111 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 112 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 113 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 114 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 116 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 117 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 118 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 119 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 121 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 122 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 123 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 124 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 126 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 127 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 129 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 131 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 132 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 136 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 137 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 141 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 142 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 145 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 146 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 148 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 177 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 178 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 186 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 187 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 191 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 192 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 45 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 63 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 93 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 98 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 102 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 104 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 109 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 149 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 150 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 151 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 152 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 153 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 154 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 155 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 157 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 158 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 160 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 162 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 163 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 166 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 167 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 168 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 169 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 170 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 172 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 173 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 181 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 182 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 183 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 184 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 194 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 195 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:access:"GET /flask-api/get-chroma-content" 404 - Duration: 0.006s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 19:06:04] "[33mGET /flask-api/get-chroma-content?hospital_id=63 HTTP/1.1[0m" 404 - -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 196 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 197 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:access:"GET /flask-api/get-chroma-content" 404 - Duration: 0.004s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 19:13:19] "[33mGET /flask-api/get-chroma-content?hospital_id=63 HTTP/1.1[0m" 404 - -INFO:access:"GET /flask-api/get-chroma-content" 404 - Duration: 0.002s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 19:13:20] "[33mGET /flask-api/get-chroma-content?hospital_id=63 HTTP/1.1[0m" 404 - -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 198 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 200 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 199 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 201 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 202 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 203 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 204 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 206 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 207 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 209 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 210 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 405 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 405 -INFO:root:Extracting PDF contents... -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 405 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 405 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 1 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 2 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 2 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 4 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 5 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 6 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 6 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 7 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 9 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 10 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 10 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 30 pages for document 405 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 60 pages for document 405 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 20 ICD codes -INFO:root:Successfully indexed document 405 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 11.145s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 19:50:42] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:root:Saving 40 ICD codes -INFO:root:Successfully indexed document 405 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 11.911s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 19:50:42] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 406 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 406 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 13 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 14 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 17 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 18 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 19 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 20 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 21 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 21 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 22 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 22 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 23 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 24 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 15 pages for document 406 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 31 ICD codes -INFO:root:Successfully indexed document 406 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 2.350s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 19:51:02] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 407 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 407 -INFO:root:Extracting PDF contents... -INFO:root:Received request to delete vectors for document 411 from hospital 210 -INFO:root:Successfully deleted vectors for document 411 from hospital 210 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.118s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 19:51:04] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:root:Successfully saved 25 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 25 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 26 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 47 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 67 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 74 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 74 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 74 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 74 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 76 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 76 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 76 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 76 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 76 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 77 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 78 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 80 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 80 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 80 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 80 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 80 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 82 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 84 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 84 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 84 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 84 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 86 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 86 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 86 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 86 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 86 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 86 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 86 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 86 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 86 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 87 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 87 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 87 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 87 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 87 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 87 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 88 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 88 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 88 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 88 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 88 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 89 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 89 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 90 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 90 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 91 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 91 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 91 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 91 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 91 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 93 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 94 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 94 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 94 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 94 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 94 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 94 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 95 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 95 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 95 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 95 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 96 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 96 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 97 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 150 pages for document 407 -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 220 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 212 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 213 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 220 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 413 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 413 -INFO:root:Extracting PDF contents... -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 413 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 413 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 30 pages for document 413 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 60 pages for document 413 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 20 ICD codes -INFO:root:Successfully indexed document 413 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 8.895s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:08:02] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:root:Saving 40 ICD codes -INFO:root:Successfully indexed document 413 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 10.384s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:08:04] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 414 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 414 -INFO:root:Extracting PDF contents... -WARNING:pypdf._reader:Ignoring wrong pointing object 6 0 (offset 0) -WARNING:pypdf._reader:Ignoring wrong pointing object 8 0 (offset 0) -WARNING:pypdf._reader:Ignoring wrong pointing object 10 0 (offset 0) -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 414 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 414 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 2.235s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:08:23] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 415 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 415 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 15 pages for document 415 -INFO:root:Received request to delete vectors for document 412 from hospital 210 -INFO:root:Successfully deleted vectors for document 412 from hospital 210 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.005s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:08:25] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 31 ICD codes -INFO:root:Successfully indexed document 415 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 4.627s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:08:28] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 416 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 416 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 98 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 30 pages for document 416 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 20 ICD codes -INFO:root:Successfully indexed document 416 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 6.355s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:08:34] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 417 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 417 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 102 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 102 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 102 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 102 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 102 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 103 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 104 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 104 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 104 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 105 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 28 pages for document 417 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 31 ICD codes -INFO:root:Successfully indexed document 417 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 3.652s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:08:38] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 418 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 418 -INFO:root:Extracting PDF contents... -WARNING:pypdf._reader:Ignoring wrong pointing object 59 0 (offset 0) -INFO:root:Successfully saved 106 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 107 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 108 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 108 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 109 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 109 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 14 pages for document 418 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 13 ICD codes -INFO:root:Successfully indexed document 418 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 3.689s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:08:42] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 419 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 419 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 5 pages for document 419 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 419 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 3.361s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:08:45] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 420 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 420 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 5 pages for document 420 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 420 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 2.113s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:08:47] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 421 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 421 -INFO:root:Extracting PDF contents... -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 421 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 421 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 30 pages for document 421 -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 60 pages for document 421 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 20 ICD codes -INFO:root:Successfully indexed document 421 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 10.258s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:09:10] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:root:Saving 40 ICD codes -INFO:root:Successfully indexed document 421 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 10.512s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:09:11] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 405 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 405 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 90 pages for document 405 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 60 ICD codes -INFO:root:Successfully indexed document 405 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 7.517s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:09:18] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital None, doc_id None -INFO:access:"POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:09:18] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user 781: what is the hospital policy? -INFO:root:Received hospital code: NFBFQO8SLO8T -INFO:root:Received session_id: None -INFO:root:Resolved hospital ID: 210 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_210:doc_405:what is the hospital policy? -INFO:root:Key words: ['hospital', 'policy?'] -INFO:root:Matches: 1 out of 2 keywords -INFO:root:Match ratio: 0.5 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is the hospital policy? -INFO:root:Stored RAG interaction in Redis for 781:210:None -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.912s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:09:22] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user 781: yes -INFO:root:Received hospital code: NFBFQO8SLO8T -INFO:root:Received session_id: None -INFO:root:Resolved hospital ID: 210 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 0.003s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:09:22] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:root:Received request to delete vectors for document 405 from hospital 210 -INFO:root:Successfully deleted vectors for document 405 from hospital 210 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 1.150s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:09:23] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:access:"DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:09:23] "[31m[1mDELETE /flask-api/delete-document-vectors HTTP/1.1[0m" 400 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 405 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 405 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 120 pages for document 405 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 80 ICD codes -INFO:root:Successfully indexed document 405 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 8.856s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:09:32] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user 781: what is the hospital policy? -INFO:root:Received hospital code: NFBFQO8SLO8T -INFO:root:Received session_id: None -INFO:root:Resolved hospital ID: 210 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Enhanced contextual query: Hospital policy key processes registering patients guiding informing billing initial assessment managing spacing infection prevention dignity courtesy politeness care Standard Treatment Guidelines stabilize emergency medical condition prescriptions essential details. -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Enhanced contextual query: Hospital policy key processes registering patients, guiding and informing patients, billing procedures, initial patient assessment, patient care area spacing, patient and family treatment, care provision as per guidelines, emergency stabilization commitment, prescription details inclusion. -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_210:doc_405:hospital policy key processes registering patients, guiding and informing patients, billing procedures, initial patient assessment, patient care area spacing, patient and family treatment, care provision as per guidelines, emergency stabilization commitment, prescription details inclusion. -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.02 -INFO:root:- Entity attribute question: False -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Question is similar to previous conversation, skipping confirmation -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is the hospital policy? -INFO:root:Stored RAG interaction in Redis for 781:210:None -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 7.163s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:09:39] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 406 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 406 -INFO:root:Extracting PDF contents... -ERROR:root:Error in extract_pdf_contents: Cannot read an empty file -ERROR:root:Processing error: Cannot read an empty file -INFO:access:"POST /flask-api/process-pdf" 500 - Duration: 0.080s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:09:39] "[35m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 500 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 210, doc_id 405 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 405 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Successfully saved 110 unique ICD codes to JSON for hospital 210 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 150 pages for document 405 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 100 ICD codes -INFO:root:Successfully indexed document 405 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 7.790s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:09:47] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user 781: what is the hospital policy? -INFO:root:Received hospital code: NFBFQO8SLO8T -INFO:root:Received session_id: None -INFO:root:Resolved hospital ID: 210 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Enhanced contextual query: Hospital policy key processes registering patients, guiding and informing patients, billing, initial assessment, patient management, infection prevention, patient care, treatment guidelines, emergency stabilization, prescription details. -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Enhanced contextual query: Hospital Policy key processes registering patients guiding informing rights responsibilities cost estimates third-party services insurance billing tariff list initial assessment managing patients transmission infections dignity courtesy politeness Standard Treatment Guidelines stabilize emergency medical condition prescriptions essential details patient name medication practitioner information. -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_210:doc_405:hospital policy key processes registering patients guiding informing rights responsibilities cost estimates third-party services insurance billing tariff list initial assessment managing patients transmission infections dignity courtesy politeness standard treatment guidelines stabilize emergency medical condition prescriptions essential details patient name medication practitioner information. -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.02 -INFO:root:- Entity attribute question: False -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Question is similar to previous conversation, skipping confirmation -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is the hospital policy? -INFO:root:Stored RAG interaction in Redis for 781:210:None -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.882s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:09:52] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user 781: what is the hospital policy? -INFO:root:Received hospital code: NFBFQO8SLO8T -INFO:root:Received session_id: None -INFO:root:Resolved hospital ID: 210 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Enhanced contextual query: Hospital policy key processes registering patients guiding informing rights responsibilities cost estimates billing initial assessment managing patients adequate spacing patient care area preventing infections treating patients families dignity courtesy politeness providing care Standard Treatment Guidelines stabilizing emergency medical condition individual prescriptions essential details patient name medication practitioner information -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Enhanced contextual query: Hospital policy key processes registering patients, guiding and informing patients, billing procedures, initial patient assessment, patient management, infection prevention, patient care etiquette, standard treatment guidelines, emergency stabilization, prescription details. -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_210:doc_405:hospital policy key processes registering patients, guiding and informing patients, billing procedures, initial patient assessment, patient management, infection prevention, patient care etiquette, standard treatment guidelines, emergency stabilization, prescription details. -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.02 -INFO:root:- Entity attribute question: False -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Question is similar to previous conversation, skipping confirmation -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is the hospital policy? -INFO:root:Stored RAG interaction in Redis for 781:210:None -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.984s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:09:57] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user 781: can you explain more about that policy? -INFO:root:Received hospital code: NFBFQO8SLO8T -INFO:root:Received session_id: None -INFO:root:Resolved hospital ID: 210 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Enhanced contextual query: Hospital policy key processes details OR Hospital policy key processes explanation OR Hospital policy key processes elaboration OR Hospital policy key processes in-depth information OR Hospital policy key processes further clarification -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Enhanced contextual query: Hospital policy key processes registering patients OR informing patients rights responsibilities cost estimates insurance OR billing Hospital tariff list OR conducting initial assessment patients OR managing patients initial assessment findings OR ensuring adequate spacing patient care area OR treating patients families dignity courtesy politeness OR providing care patients Standard Treatment Guidelines OR stabilizing emergency medical condition individual OR ensuring prescriptions essential details patient name medication details practitioner information. -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_210:doc_405:hospital policy key processes registering patients or informing patients rights responsibilities cost estimates insurance or billing hospital tariff list or conducting initial assessment patients or managing patients initial assessment findings or ensuring adequate spacing patient care area or treating patients families dignity courtesy politeness or providing care patients standard treatment guidelines or stabilizing emergency medical condition individual or ensuring prescriptions essential details patient name medication details practitioner information. -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: True -INFO:root:- Term similarity: 0.01 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: True -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: can you explain more about that policy? -INFO:root:Stored RAG interaction in Redis for 781:210:None -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.929s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:10:02] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what are the legal/statutory requirements a hospital must comply with? -INFO:root:Received hospital code: NFBFQO8SLO8T -INFO:root:Received session_id: 1 -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what medical equipment should be available in the labour room? -INFO:root:Resolved hospital ID: 210 -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received hospital code: NFBFQO8SLO8T -INFO:root:Received question from user default: what medical equipment should be available in the labour room? -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received session_id: 1 -INFO:root:Received question from user default: what medical equipment should be available in the labour room? -INFO:root:Received hospital code: NFBFQO8SLO8T -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received hospital code: NFBFQO8SLO8T -INFO:root:Received session_id: 1 -INFO:root:Received question from user default: what records must a hospital maintain under this act? -INFO:root:Resolved hospital ID: 210 -INFO:root:Received session_id: 1 -INFO:root:Received hospital code: NFBFQO8SLO8T -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 210 -INFO:root:Resolved hospital ID: 210 -INFO:root:Resolved hospital ID: 210 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_210:what are the legal/statutory requirements a hospital must comply with? -INFO:root:Key words: ['legal/statutory', 'requirements', 'hospital', 'must', 'comply', 'with?'] -INFO:root:Matches: 3 out of 6 keywords -INFO:root:Match ratio: 0.5 -INFO:root:Cached context for key: context:hospital_210:what medical equipment should be available in the labour room? -INFO:root:Key words: ['medical', 'equipment', 'should', 'available', 'labour', 'room?'] -INFO:root:Matches: 5 out of 6 keywords -INFO:root:Match ratio: 0.8333333333333334 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_210:what medical equipment should be available in the labour room? -INFO:root:Key words: ['medical', 'equipment', 'should', 'available', 'labour', 'room?'] -INFO:root:Matches: 5 out of 6 keywords -INFO:root:Match ratio: 0.8333333333333334 -INFO:root:Cached context for key: context:hospital_210:what records must a hospital maintain under this act? -INFO:root:Key words: ['records', 'must', 'hospital', 'maintain', 'under', 'this', 'act?'] -INFO:root:Matches: 3 out of 7 keywords -INFO:root:Match ratio: 0.42857142857142855 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_210:what medical equipment should be available in the labour room? -INFO:root:Key words: ['medical', 'equipment', 'should', 'available', 'labour', 'room?'] -INFO:root:Matches: 5 out of 6 keywords -INFO:root:Match ratio: 0.8333333333333334 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what medical equipment should be available in the labour room? -INFO:root:Stored RAG interaction in Redis for default:210:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.646s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:10:10] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what medical equipment should be available in the labour room? -INFO:root:Stored RAG interaction in Redis for default:210:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.691s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:10:10] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what medical equipment should be available in the labour room? -INFO:root:Stored RAG interaction in Redis for default:210:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.703s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:10:10] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what records must a hospital maintain under this act? -INFO:root:Stored RAG interaction in Redis for default:210:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.464s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:10:10] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what are the legal/statutory requirements a hospital must comply with? -INFO:root:Stored RAG interaction in Redis for default:210:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.597s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:10:11] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 32, doc_id 37 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 37 -INFO:root:Extracting PDF contents... -WARNING:pypdf._reader:incorrect startxref pointer(1) -WARNING:pypdf._reader:parsing for Object Streams -WARNING:pypdf._reader:found 0 objects within Object(464,0) whereas 500 expected -WARNING:pypdf._reader:found 0 objects within Object(975,0) whereas 500 expected -WARNING:pypdf._reader:found 0 objects within Object(1491,0) whereas 500 expected -WARNING:pypdf._reader:found 0 objects within Object(2010,0) whereas 500 expected -WARNING:pypdf._reader:found 0 objects within Object(2534,0) whereas 500 expected -WARNING:pypdf._reader:found 0 objects within Object(3036,0) whereas 500 expected -WARNING:pypdf._reader:found 0 objects within Object(3532,0) whereas 68 expected -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 999 pages for document 37 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 37 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 3.641s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:10:14] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital None, doc_id None -INFO:access:"POST /flask-api/process-pdf" 400 - Duration: 0.001s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:10:14] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user 31: what is the hospital policy? -INFO:root:Received hospital code: NFBFQO8SLO8T -INFO:root:Received session_id: None -INFO:root:Resolved hospital ID: 210 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_210:doc_37:what is the hospital policy? -INFO:root:Key words: ['hospital', 'policy?'] -INFO:root:Matches: 1 out of 2 keywords -INFO:root:Match ratio: 0.5 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is the hospital policy? -INFO:root:Stored RAG interaction in Redis for 31:210:None -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.829s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:10:17] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:root:Received request to delete vectors for document 37 from hospital 66 -INFO:root:Successfully deleted vectors for document 37 from hospital 66 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.007s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:10:17] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:access:"DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:10:17] "[31m[1mDELETE /flask-api/delete-document-vectors HTTP/1.1[0m" 400 - -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 228 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 222 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 224 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 225 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 228 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 222 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 224 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 225 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 228 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 222 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 224 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 225 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: seven sisters of india -INFO:root:Received hospital code: 79N8XEGLAMRW -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 16 -INFO:root:Key words: ['seven', 'sisters', 'india'] -INFO:root:Matches: 0 out of 3 keywords -INFO:root:Match ratio: 0.0 -INFO:root:General knowledge question detected -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 0.032s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:30:35] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: capital city of india -INFO:root:Received hospital code: 79N8XEGLAMRW -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 16 -INFO:root:Key words: ['capital', 'city', 'india'] -INFO:root:Matches: 0 out of 3 keywords -INFO:root:Match ratio: 0.0 -INFO:root:General knowledge question detected -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 0.014s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:36:09] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: capital city of india -INFO:root:Received hospital code: 79N8XEGLAMRW -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 16 -INFO:root:Key words: ['capital', 'city', 'india'] -INFO:root:Matches: 0 out of 3 keywords -INFO:root:Match ratio: 0.0 -INFO:root:General knowledge question detected -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 0.011s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [06/Jun/2025 20:38:19] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 228, doc_id 422 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 422 -INFO:root:Extracting PDF contents... -WARNING:pypdf._reader:Ignoring wrong pointing object 59 0 (offset 0) -INFO:root:Successfully saved 1 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5 unique ICD codes to JSON for hospital 228 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 14 pages for document 422 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 13 ICD codes -INFO:root:Successfully indexed document 422 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 3.681s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 14:19:42] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: do you know oxygen concentrators -INFO:root:Received hospital code: MUFLPX5NU89E -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 228 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_228:do you know oxygen concentrators -INFO:root:Key words: ['know', 'oxygen', 'concentrators'] -INFO:root:Matches: 3 out of 3 keywords -INFO:root:Match ratio: 1.0 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: do you know oxygen concentrators -INFO:root:Stored RAG interaction in Redis for default:228:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 5.980s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 14:20:23] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what do you know about covid19 -INFO:root:Received hospital code: MUFLPX5NU89E -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 228 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_228:what do you know about covid19 -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.02 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['know', 'covid19'] -INFO:root:Matches: 1 out of 2 keywords -INFO:root:Match ratio: 0.5 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what do you know about covid19 -INFO:root:Stored RAG interaction in Redis for default:228:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.656s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 14:21:00] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what do you know about photosynthesis -INFO:root:Received hospital code: MUFLPX5NU89E -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 228 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_228:what do you know about photosynthesis -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.01 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['know', 'photosynthesis'] -INFO:root:Matches: 1 out of 2 keywords -INFO:root:Match ratio: 0.5 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what do you know about photosynthesis -INFO:root:Stored RAG interaction in Redis for default:228:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.457s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 14:21:28] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: can you tell me something about solar eclipse -INFO:root:Received hospital code: MUFLPX5NU89E -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 228 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_228:can you tell me something about solar eclipse -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.01 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['something', 'solar', 'eclipse'] -INFO:root:Matches: 1 out of 3 keywords -INFO:root:Match ratio: 0.3333333333333333 -INFO:root:General knowledge question detected -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 0.613s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 14:22:08] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 228, doc_id 423 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 423 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 32 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 90 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 119 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 148 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 177 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 206 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 235 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 264 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 293 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 322 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 351 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 380 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 409 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 438 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 467 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 496 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 525 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 554 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 583 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 612 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 641 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 670 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 699 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 728 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 757 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 786 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 815 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 844 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 873 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 902 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 931 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 960 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 989 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1018 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1043 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1072 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1101 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1130 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1159 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1188 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1217 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1246 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1275 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1304 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1333 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1362 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1391 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1420 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1449 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1478 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1507 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1536 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1565 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1594 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1623 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1652 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1681 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1710 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1739 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1767 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1796 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1825 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1854 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1883 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1912 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1941 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1970 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 1999 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2028 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2057 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2086 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2114 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2143 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2172 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2201 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2230 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2259 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2288 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2317 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2346 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2375 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2404 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2432 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2461 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2490 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2519 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2547 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2574 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2603 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2632 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2661 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2690 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2719 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2748 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2777 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2806 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2835 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2863 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2892 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2920 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2949 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 2978 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3002 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3019 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3036 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3056 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3083 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3100 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3117 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3135 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3158 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3179 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3197 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3216 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3244 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3264 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3282 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3302 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3329 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3349 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3366 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3385 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3410 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3439 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3468 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3497 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3523 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3552 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3581 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3610 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3639 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3668 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3697 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3726 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3755 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3784 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3813 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3838 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3866 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3895 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3924 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3953 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 3982 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4005 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4027 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4049 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4078 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4107 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4136 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4165 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4194 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4223 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4249 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4271 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4294 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4323 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4352 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4381 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4410 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4439 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4468 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4497 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4526 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4555 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4582 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4611 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4639 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4668 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4697 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4717 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4746 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4774 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4802 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4829 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4858 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4887 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4916 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4945 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 4974 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5003 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5032 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5061 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5090 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5119 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5148 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5174 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5201 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5230 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5259 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5288 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5317 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5346 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5375 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5404 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5433 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5462 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5491 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5520 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5549 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5578 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5607 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5636 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5665 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5694 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5723 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5752 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5781 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5810 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5839 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5868 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5897 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5926 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5955 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 5984 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6013 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6042 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6071 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6100 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6129 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6158 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6187 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6216 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6245 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6274 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6303 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6332 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6361 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6390 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6419 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6448 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6477 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6506 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6535 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6564 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6593 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6622 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6651 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6680 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6709 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6738 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6767 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6789 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6814 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6843 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6872 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6901 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6930 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6959 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 6988 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7017 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7046 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7075 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7104 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7133 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7162 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7191 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7220 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7249 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7278 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7307 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7336 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7365 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7394 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7423 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7452 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7481 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7510 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7539 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7568 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7597 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7626 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7654 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7676 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7705 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7734 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7763 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7792 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7821 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7849 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7877 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7905 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7933 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7962 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 7991 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8020 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8049 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8078 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8107 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8135 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8164 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8193 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8221 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8245 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8274 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8303 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8332 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8357 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8384 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8409 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8436 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8461 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8480 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8509 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8538 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8567 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8596 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8625 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8654 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8683 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8712 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8740 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8768 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8797 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8819 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8841 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8861 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8883 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8902 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8926 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8955 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 8980 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9004 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9023 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9047 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9075 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9096 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9117 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9138 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9159 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9177 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9196 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9218 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9242 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9264 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9290 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9319 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9348 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9377 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9406 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9434 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9461 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9489 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9518 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9547 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9572 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9601 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9628 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9656 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9676 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9703 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9731 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9760 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9789 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9818 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9847 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9876 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9905 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9933 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9962 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 9988 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10013 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10042 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10071 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10100 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10129 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10158 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10187 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10216 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10245 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10274 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10303 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10332 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10361 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10390 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10419 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10448 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10477 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10506 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10535 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10564 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10593 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10622 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10651 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10680 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10709 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10738 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10764 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10791 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10820 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10849 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10878 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10907 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10936 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10965 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 10994 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11023 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11052 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11081 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11110 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11139 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11168 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11197 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11225 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11252 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11281 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11310 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11339 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11368 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11397 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11426 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11455 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11484 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11513 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11541 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11569 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11598 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11627 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11656 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11685 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11713 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11742 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11771 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11800 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11829 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11858 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11887 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11916 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11945 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11974 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 11995 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12017 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12046 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12075 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12104 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12133 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12162 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12191 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12220 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12249 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12278 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12307 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12336 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12365 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12394 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12423 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12452 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12481 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12510 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12539 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12568 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12597 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12626 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12655 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12684 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12713 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12742 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12771 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12800 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12829 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12858 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12887 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12916 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12945 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 12974 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13003 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13032 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13061 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13090 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13119 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13148 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13177 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13206 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13235 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13264 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13293 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13322 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13351 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13380 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13409 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13438 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13467 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13496 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13525 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13554 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13583 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13612 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13641 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13670 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13699 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13728 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13757 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13786 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13815 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13844 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13873 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13902 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13931 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13960 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 13989 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14018 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14047 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14076 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14105 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14134 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14163 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14192 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14221 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14250 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14279 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14301 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14322 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14343 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14368 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14397 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14426 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14455 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14484 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14513 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14542 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14571 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14600 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14629 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14658 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14687 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14716 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14745 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14774 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14803 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14832 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14861 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14890 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14919 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14948 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 14977 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15006 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15035 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15064 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15093 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15122 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15151 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15180 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15209 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15238 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15267 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15296 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15325 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15353 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15382 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15411 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15440 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15469 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15498 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15527 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15556 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15585 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15612 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15630 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15648 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15666 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15684 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15702 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15720 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15738 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15756 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15774 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15792 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15810 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15829 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15847 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15865 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15883 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15910 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15939 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15966 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 15994 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16023 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16052 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16079 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16108 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16136 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16163 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16190 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16215 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16242 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16268 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16294 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16321 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16347 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16369 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16389 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16409 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16428 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16448 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16468 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16488 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16507 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16527 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16547 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16567 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16587 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16607 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16626 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16646 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16666 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16686 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16705 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16725 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16747 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16767 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16787 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16811 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16840 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16869 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16898 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16927 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16956 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 16985 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17014 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17043 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17072 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17101 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17130 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17159 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17188 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17217 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17246 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17275 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17304 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17333 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17362 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17391 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17420 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17449 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17478 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17507 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17536 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17565 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17594 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17623 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17652 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17681 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17710 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17739 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17768 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17797 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17826 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17855 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17884 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17910 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17930 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17958 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 17987 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18016 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18045 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18073 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18102 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18131 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18158 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18187 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18216 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18245 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18274 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18303 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18332 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18361 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18390 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18419 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18448 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18477 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18506 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18535 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18564 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18593 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18622 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18651 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18680 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18703 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18732 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18761 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18790 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18818 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18843 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18869 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18897 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18924 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18953 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 18982 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19011 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19040 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19069 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19098 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19127 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19156 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19184 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19210 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19234 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19256 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19277 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19306 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19325 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19343 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19366 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19383 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19406 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19434 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19463 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19490 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19519 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19548 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19576 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19604 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19631 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19660 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19687 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19716 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19745 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19774 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19801 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19826 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19853 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19880 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19907 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19936 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19964 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 19991 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20020 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20049 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20076 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20103 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20132 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20159 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20185 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20209 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20230 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20259 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20288 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20315 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20344 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20371 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20399 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20428 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20457 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20485 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20512 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20540 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20567 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20596 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20624 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20653 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20682 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20711 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20740 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20765 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20793 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20818 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20847 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20876 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20901 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20930 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20957 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 20986 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21015 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21044 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21073 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21102 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21131 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21160 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21189 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21218 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21247 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21276 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21305 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21334 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21363 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21392 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21421 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21450 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21479 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21508 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21537 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21566 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21595 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21624 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21653 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21682 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21711 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21740 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21769 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21798 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21827 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21856 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21885 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21914 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21943 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 21972 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22001 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22030 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22059 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22088 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22117 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22146 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22175 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22204 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22233 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22262 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22291 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22320 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22349 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22378 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22407 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22435 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22462 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22490 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22515 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22544 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22573 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22602 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22629 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22657 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22686 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22714 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22740 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22765 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22792 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22821 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22850 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22879 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22908 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22937 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22966 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 22995 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23024 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23053 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23082 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23111 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23140 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23169 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23195 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23223 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23252 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23281 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23305 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23325 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23354 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23383 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23412 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23437 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23461 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23486 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23511 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23538 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23567 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23596 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23625 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23647 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23670 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23691 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23713 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23740 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23767 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23787 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23814 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23843 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23872 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23901 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23930 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23957 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 23980 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24007 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24036 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24061 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24080 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24100 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24119 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24136 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24154 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24172 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24190 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24208 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24225 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24243 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24260 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24278 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24296 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24313 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24331 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24348 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24366 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24385 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24405 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24425 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24444 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24462 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24479 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24494 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24510 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24525 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24543 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24561 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24581 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24604 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24633 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24662 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24691 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24720 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24749 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24778 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24807 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24836 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24864 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24893 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24917 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24937 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24959 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 24979 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25006 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25024 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25044 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25064 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25083 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25104 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25122 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25140 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25161 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25180 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25200 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25221 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25239 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25259 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25278 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25296 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25316 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25345 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25374 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25403 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25432 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25461 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25490 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25519 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25548 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25577 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25606 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25635 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25664 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25693 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25722 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25751 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25780 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25809 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25838 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25867 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25896 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25925 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25954 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 25983 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26012 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26041 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26070 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26087 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26104 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26122 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26140 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26157 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26176 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26194 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26211 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26230 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26248 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26265 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26284 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26309 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26331 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26353 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26375 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26397 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26419 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26440 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26463 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26488 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26512 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26536 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26559 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26586 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26615 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26643 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26670 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26699 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26728 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26757 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26786 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26815 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26844 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26873 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26902 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26931 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26960 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 26989 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27018 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27047 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27076 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27104 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27133 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27162 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27191 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27220 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27249 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27278 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27307 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27336 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27365 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27394 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27423 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27452 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27480 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27508 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27528 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27545 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27564 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27581 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27598 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27615 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27632 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27649 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27666 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27687 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27716 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27743 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27765 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27783 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27800 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27817 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27834 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27851 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27868 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27886 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27910 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27939 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27967 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 27988 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28010 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28033 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28055 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28077 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28099 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28121 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28144 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28168 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28192 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28216 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28243 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28272 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28295 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28319 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28345 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28365 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28385 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28406 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28425 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28443 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28461 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28479 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28498 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28520 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28538 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28556 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28576 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28597 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28618 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28640 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28664 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28690 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28717 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28742 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28763 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28785 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28806 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28831 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28860 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28889 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28918 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28947 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 28976 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29005 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29034 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29063 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29092 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29121 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29150 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29175 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29199 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29228 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29257 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29286 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29315 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29344 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29373 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29402 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29431 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29460 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29489 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29518 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29547 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29576 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29605 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29634 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29663 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29692 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29721 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29750 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29779 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29808 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29837 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29866 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29895 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29924 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29953 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 29982 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30011 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30040 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30069 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30098 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30126 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30148 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30168 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30188 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30208 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30231 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30252 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30273 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30294 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30314 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30334 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30354 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30374 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30394 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30414 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30434 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30453 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30471 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30491 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30511 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30531 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30552 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30571 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30589 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30608 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30627 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30645 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30666 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30687 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30707 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30726 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30746 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30765 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30785 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30806 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30825 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30845 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30865 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30885 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30903 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30923 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30941 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30961 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 30981 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31000 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31018 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31036 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31056 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31074 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31096 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31117 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31136 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31153 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31170 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31187 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31204 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31222 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31240 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31258 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31276 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31294 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31312 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31332 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31352 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31372 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31392 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31412 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31433 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31453 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31473 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31493 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31513 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31539 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31568 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31597 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31626 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31651 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31680 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31709 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31738 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31767 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31796 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31825 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31854 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31883 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31909 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31937 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31966 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 31995 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32019 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32039 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32057 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32075 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32093 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32116 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32138 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32161 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32184 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32208 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32235 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32253 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32270 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32287 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32305 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32333 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32355 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32374 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32392 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32410 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32428 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32446 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32465 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32483 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32501 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32519 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32537 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32555 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32574 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32598 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32627 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32656 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32685 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32714 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32743 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32772 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32801 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32830 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32857 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32875 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32893 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32914 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32932 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32950 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32968 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 32985 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33002 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33019 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33037 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33055 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33072 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33090 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33108 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33126 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33145 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33163 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33181 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33199 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33217 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33236 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33255 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33274 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33292 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33312 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33332 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33351 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33371 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33389 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33407 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33425 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33444 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33462 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33481 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33500 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33518 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33536 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33554 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33572 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33590 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33609 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33631 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33649 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33667 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33685 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33703 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33721 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33741 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33759 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33777 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33795 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33813 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33831 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33849 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33868 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33886 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33904 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33922 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33940 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33958 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33976 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 33994 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34012 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34030 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34048 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34066 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34084 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34102 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34123 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34144 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34164 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34188 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34210 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34230 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34249 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34268 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34287 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34305 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34325 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34343 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34361 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34379 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34397 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34416 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34434 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34452 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34470 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34488 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34506 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34524 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34542 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34560 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34578 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34596 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34614 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34632 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34650 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34668 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34686 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34704 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34722 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34740 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34758 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34776 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34794 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34814 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34835 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34855 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34879 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34899 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34917 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34935 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34953 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34971 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 34989 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35009 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35027 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35045 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35063 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35081 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35102 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35124 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35144 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35165 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35187 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35206 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35224 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35242 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35262 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35284 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35302 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35320 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35338 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35356 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35374 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35393 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35412 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35430 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35448 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35466 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35484 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35502 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35521 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35539 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35561 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35580 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35598 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35616 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35637 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35659 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35688 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35717 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35746 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35775 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35804 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35833 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35862 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35891 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35920 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35949 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 35978 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36007 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36036 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36064 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36089 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36110 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36131 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36149 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36167 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36189 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36209 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36229 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36249 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36270 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36288 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36305 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36322 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36339 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36358 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36377 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36397 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36415 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36433 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36453 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36474 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36496 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36515 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36535 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36564 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36588 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36612 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36630 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36648 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36666 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36684 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36703 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36721 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36739 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36757 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36775 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36793 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36812 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36830 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36848 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36866 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36884 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36902 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36922 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36947 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 36976 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37005 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37034 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37063 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37092 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37121 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37150 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37179 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37208 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37237 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37266 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37295 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37324 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37353 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37382 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37411 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37440 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37469 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37498 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37522 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37548 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37574 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37601 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37628 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37652 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37677 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37699 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37720 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37742 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37770 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37799 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37825 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37853 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37877 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37899 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37923 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37952 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 37981 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38010 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38039 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38065 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38083 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38101 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38119 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38137 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38155 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38173 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38191 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38209 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38230 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38248 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38266 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38286 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38307 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38325 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38343 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38361 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38379 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38397 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38415 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38433 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38455 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38477 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38495 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38513 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38531 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38549 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38568 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38588 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38615 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38639 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38659 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38677 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38695 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38713 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38731 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38749 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38767 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38787 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38807 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38827 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38848 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38868 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38886 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38904 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38922 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38942 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38960 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38978 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 38997 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39016 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39034 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39052 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39072 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39090 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39108 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39126 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39145 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39163 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39181 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39199 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39218 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39236 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39254 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39272 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39292 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39313 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39334 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39356 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39377 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39397 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39417 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39438 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39458 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39479 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39500 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39521 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39541 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39560 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39581 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39601 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39622 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39643 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39664 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39685 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39706 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39727 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39747 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39765 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39784 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39803 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39822 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39840 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39860 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39880 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39900 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39920 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39941 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39961 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 39987 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40016 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40045 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40074 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40103 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40132 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40161 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40190 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40219 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40248 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40277 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40306 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40335 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40364 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40393 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40422 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40451 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40480 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40509 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40538 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40567 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40585 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40602 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40619 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40636 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40653 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40670 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40687 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40704 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40722 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40751 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40780 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40809 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40838 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40867 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40896 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40925 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40954 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 40983 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41012 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41039 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41065 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41092 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41121 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41150 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41179 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41208 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41237 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41261 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41281 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41300 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41318 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41335 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41352 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41371 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41391 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41409 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41427 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41444 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41462 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41480 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41497 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41514 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41532 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41550 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41567 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41584 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41601 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41619 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41637 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41654 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41671 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41689 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41707 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41724 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41742 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41759 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41777 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41794 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41812 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41830 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41857 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41886 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41914 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41939 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41963 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 41990 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42019 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42048 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42077 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42106 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42135 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42164 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42193 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42222 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42251 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42280 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42309 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42338 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42367 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42387 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42405 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42423 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42441 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42459 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42477 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42495 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42513 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42531 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42549 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42567 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42585 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42603 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42621 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42639 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42657 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42677 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42695 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42713 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42731 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42749 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42767 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42786 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42804 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42822 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42840 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42858 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42876 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42894 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42912 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42931 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42949 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42967 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 42985 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43003 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43021 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43039 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43057 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43075 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43093 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43111 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43129 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43147 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43165 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43183 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43202 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43221 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43239 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43257 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43275 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43293 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43311 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43329 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43348 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43366 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43384 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43402 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43420 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43438 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43456 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43474 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43493 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43511 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43529 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43547 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43565 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43583 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43601 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43620 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43638 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43656 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43674 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43692 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43710 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43728 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43747 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43765 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43783 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43801 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43819 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43837 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43855 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43873 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43891 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43909 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43927 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43945 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43963 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43981 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 43999 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44020 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44040 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44058 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44076 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44094 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44112 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44130 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44148 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44166 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44184 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44202 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44220 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44238 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44256 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44274 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44292 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44310 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44328 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44346 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44364 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44382 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44400 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44418 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44436 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44454 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44472 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44490 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44507 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44524 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44541 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44558 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44575 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44592 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44609 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44626 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44643 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44660 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44678 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44699 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44717 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44735 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44756 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44778 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44797 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44817 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44838 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44867 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44896 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44925 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44954 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 44982 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45011 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45040 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45069 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45093 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45114 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45139 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45162 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45187 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45216 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45244 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45272 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45291 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45308 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45326 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45346 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45366 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45386 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45415 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45443 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45468 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45487 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45506 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45526 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45545 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45563 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45581 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45599 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45618 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45642 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45671 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45700 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45729 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45758 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45787 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45816 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45845 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45874 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45903 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45927 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45947 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45967 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 45985 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46003 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46021 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46039 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46057 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46076 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46095 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46113 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46131 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46149 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46167 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46185 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46203 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46223 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46241 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46259 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46277 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46295 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46313 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46331 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46351 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46372 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46392 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46411 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46430 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46449 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46469 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46488 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46506 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46526 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46544 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46562 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46580 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46598 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46616 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46634 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46654 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46672 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46690 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46708 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46726 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46744 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46762 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46782 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46800 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46818 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46836 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46854 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46872 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46890 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46909 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46927 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46949 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46968 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 46986 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47004 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47024 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47042 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47060 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47078 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47096 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47114 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47132 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47152 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47170 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47188 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47206 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47224 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47242 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47260 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47279 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47298 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47316 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47334 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47352 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47370 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47388 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47406 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47424 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47442 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47460 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47478 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47496 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47514 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47534 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47554 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47572 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47590 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47608 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47629 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47648 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47668 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47686 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47704 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47722 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47740 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47758 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47777 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47795 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47813 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47831 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47849 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47867 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47885 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47903 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47922 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47940 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47958 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47976 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 47994 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48012 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48030 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48048 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48066 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48084 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48102 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48120 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48138 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48156 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48174 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48192 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48211 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48231 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48250 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48268 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48286 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48305 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48323 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48341 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48359 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48377 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48395 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48413 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48431 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48449 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48471 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48491 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48509 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48527 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48545 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48564 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48582 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48600 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48618 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48636 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48654 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48672 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48690 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48708 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48726 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48744 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48762 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48780 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48798 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48816 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48836 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48856 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48874 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48893 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48911 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48931 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48953 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48971 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 48990 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49010 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49038 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49067 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49096 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49125 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49154 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49182 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49209 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49238 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49267 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49296 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49325 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49354 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49383 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49412 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49441 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49470 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49499 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49528 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49555 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49580 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49606 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49634 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49659 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49684 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49713 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49731 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49748 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49766 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49783 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49801 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49818 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49840 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49864 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49886 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49912 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49937 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49961 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 49982 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50000 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50018 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50036 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50054 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50074 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50093 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50111 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50129 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50147 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50166 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50186 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50205 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50224 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50243 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50263 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50281 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50299 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50318 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50343 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50372 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50401 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50430 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50459 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50488 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50517 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50546 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50575 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50604 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50633 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50662 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50691 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50719 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50742 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50766 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50786 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50807 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50835 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50862 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50887 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50909 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50931 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50959 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 50988 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51016 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51040 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51062 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51083 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51103 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51123 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51141 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51160 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51180 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51200 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51220 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51238 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51259 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51279 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51304 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51328 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51351 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51375 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51397 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51417 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51439 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51463 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51484 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51504 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51528 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51551 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51572 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51593 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51614 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51634 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51654 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51672 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51692 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51713 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51733 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51753 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51773 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51793 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51813 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51833 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51853 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51873 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51893 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51913 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51933 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51953 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51973 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 51993 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52014 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52035 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52055 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52074 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52094 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52114 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52138 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52160 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52180 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52200 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52218 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52238 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52256 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52275 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52295 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52316 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52343 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52371 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52398 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52427 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52456 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52485 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52514 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52543 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52572 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52601 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52630 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52659 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52688 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52717 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52746 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52774 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52803 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52832 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52861 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52886 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52909 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52928 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52945 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52962 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52979 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 52997 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53020 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53038 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53058 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53077 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53097 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53123 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53152 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53181 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53210 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53239 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53264 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53285 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53305 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53325 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53345 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53366 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53388 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53409 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53429 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53449 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53469 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53489 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53511 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53532 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53552 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53572 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53592 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53612 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53634 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53663 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53691 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53719 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53748 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53777 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53806 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53832 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53856 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53883 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53912 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53941 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53969 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 53998 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54027 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54056 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54082 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54110 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54139 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54167 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54195 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54224 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54253 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54282 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54311 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54340 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54369 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54398 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54425 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54454 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54478 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54504 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54533 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54554 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54583 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54608 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54633 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54662 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54683 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54712 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54738 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54762 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54791 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54812 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54841 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54868 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54890 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54919 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54942 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54969 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 54993 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55021 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55050 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55077 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55106 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55134 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55160 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55189 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55217 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55244 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55273 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55297 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55320 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55347 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55374 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55398 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55427 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55454 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55477 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55506 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55533 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55557 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55586 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55609 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55633 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55657 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55681 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55706 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55728 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55754 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55775 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55802 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55821 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55848 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55867 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55895 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55915 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55942 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55967 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 55995 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56024 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56053 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56082 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56111 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56138 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56167 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56196 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56225 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56253 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56282 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56311 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56340 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56369 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56398 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56427 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56456 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56485 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56514 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56543 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56572 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56601 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56630 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56659 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56688 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56717 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56746 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56770 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56799 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56828 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56857 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56884 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56913 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56942 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56965 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 56992 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57021 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57043 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57064 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57091 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57118 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57143 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57171 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57188 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57212 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57236 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57262 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57290 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57319 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57348 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57377 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57400 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57425 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57443 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57463 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57492 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57521 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57550 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57579 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57608 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57634 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57660 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57689 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57717 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57746 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57775 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57804 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57832 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57861 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57890 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57915 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57936 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57956 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 57985 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58010 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58033 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58057 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58083 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58108 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58132 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58159 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58188 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58217 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58246 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58275 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58301 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58329 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58346 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58369 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58396 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58422 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58442 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58460 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58482 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58507 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58536 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58565 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58594 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58621 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58650 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58675 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58695 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58717 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58738 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58766 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58795 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58822 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58847 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58873 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58895 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58914 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58939 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58964 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 58993 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59022 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59051 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59075 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59095 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59120 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59140 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59168 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59197 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59226 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59251 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59270 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59290 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59315 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59341 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59363 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59383 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59408 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59437 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59464 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59491 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59511 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59534 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59561 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59589 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59615 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59636 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59655 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59682 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59711 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59738 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59761 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59781 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59810 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59839 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59868 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59897 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59926 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59955 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 59984 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60013 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60032 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60050 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60075 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60099 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60127 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60156 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60184 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60213 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60242 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60271 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60298 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60325 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60349 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60371 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60393 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60421 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60450 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60478 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60507 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60531 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60556 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60585 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60614 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60643 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60672 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60701 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60726 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60748 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60777 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60806 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60829 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60856 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60884 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60913 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60941 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60967 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 60994 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61023 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61052 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61079 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61107 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61130 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61157 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61182 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61207 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61234 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61263 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61290 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61312 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61335 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61363 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61392 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61421 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61450 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61479 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61508 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61533 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61558 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61582 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61607 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61636 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61665 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61694 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61723 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61752 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61781 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61810 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61837 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61861 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61884 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61909 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61935 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61962 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61980 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 61998 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62016 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62034 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62052 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62070 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62088 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62106 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62124 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62149 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62178 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62207 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62236 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62265 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62293 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62320 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62348 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62375 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62399 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62427 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62452 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62481 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62510 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62539 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62568 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62594 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62618 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62641 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62668 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62693 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62720 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62749 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62778 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62806 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62831 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62860 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62882 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62907 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62932 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62957 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 62980 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63000 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63020 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63042 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63064 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63083 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63103 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63127 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63154 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63180 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63205 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63230 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63257 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63279 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63297 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63324 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63348 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63377 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63406 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63435 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63462 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63489 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63518 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63545 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63572 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63599 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63625 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63645 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63662 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63679 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63696 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63714 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63731 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63748 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63765 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63782 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63799 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63817 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63834 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63859 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63879 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63898 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63916 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63933 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63951 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63968 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 63985 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64002 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64020 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64038 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64057 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64075 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64093 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64113 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64133 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64153 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64170 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64188 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64205 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64222 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64239 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64257 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64275 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64293 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64311 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64329 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64347 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64364 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64381 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64398 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64415 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64432 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64449 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64466 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64483 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64500 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64517 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64534 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64551 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64568 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64585 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64602 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64619 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64637 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64657 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64681 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64699 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64720 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64742 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64764 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64791 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64812 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64831 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64849 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64867 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64885 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64905 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64924 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64945 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64966 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 64987 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65006 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65023 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65040 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65058 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65075 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65092 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65109 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65126 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65143 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65160 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65177 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65194 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65211 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65228 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65245 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65262 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65279 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65296 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65313 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65330 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65348 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65365 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65382 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65399 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65416 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65433 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65450 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65467 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65484 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65501 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65518 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65535 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65552 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65569 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65587 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65606 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65628 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65647 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65664 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65682 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65700 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65718 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65736 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65754 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65772 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65790 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65809 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65829 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65848 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65867 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65887 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65909 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65931 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65957 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65977 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 65995 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66015 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66043 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66068 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66093 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66117 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66144 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66168 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66192 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66219 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66242 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66264 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66284 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66305 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66330 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66357 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66384 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66404 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66423 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66443 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66468 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66496 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66517 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66535 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66555 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66581 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66610 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66639 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66658 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66677 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66697 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66726 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66755 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66784 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66813 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66842 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66869 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66893 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66922 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66947 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 66975 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67004 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67033 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67062 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67091 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67120 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67149 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67167 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67190 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67219 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67248 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67274 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67298 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67325 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67347 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67366 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67387 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67414 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67443 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67468 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67497 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67526 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67555 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67583 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67612 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67641 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67669 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67698 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67727 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67756 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67785 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67814 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67843 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67872 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67901 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67930 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67959 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 67988 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68017 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68045 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68074 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68103 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68132 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68161 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68190 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68218 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68247 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68275 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68301 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68329 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68358 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68387 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68416 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68445 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68474 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68503 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68532 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68560 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68587 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68616 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68645 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68673 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68702 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68731 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68760 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68789 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68818 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68847 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68876 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68903 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68932 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68961 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 68986 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69010 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69035 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69060 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69086 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69113 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69138 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69163 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69190 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69214 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69234 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69253 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69277 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69297 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69322 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69347 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69372 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69394 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69415 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69437 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69456 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69480 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69503 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69523 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69541 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69565 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69585 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69607 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69632 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69657 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69677 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69698 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69720 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69743 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69768 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69796 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69825 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69854 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69878 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69896 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69916 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69934 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69955 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 69977 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70004 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70030 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70058 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70082 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70111 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70138 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70167 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70196 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70225 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70254 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70283 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70311 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70340 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70367 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70395 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70424 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70453 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70480 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70509 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70538 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70567 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70596 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70625 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70654 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70682 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70711 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70738 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70767 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70796 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70823 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70852 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70881 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70910 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70939 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70968 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 70997 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71026 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71055 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71084 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71111 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71140 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71169 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71197 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71225 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71252 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71281 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71310 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71339 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71368 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71396 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71425 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71454 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71483 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71493 unique ICD codes to JSON for hospital 228 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 2966 pages for document 423 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 71572 ICD codes -INFO:root:Successfully indexed document 423 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 734.161s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 14:34:42] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 228, doc_id 424 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 424 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71497 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71497 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71497 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71497 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71497 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71498 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71499 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71499 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71499 unique ICD codes to JSON for hospital 228 -INFO:root:Successfully saved 71500 unique ICD codes to JSON for hospital 228 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 28 pages for document 424 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 31 ICD codes -INFO:root:Successfully indexed document 424 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 8.328s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 14:34:50] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is a0102 in icd code -INFO:root:Received hospital code: MUFLPX5NU89E -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 228 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_228:what is a0102 in icd code -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity attribute question: False -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['a0102', 'icd', 'code'] -INFO:root:Matches: 3 out of 3 keywords -INFO:root:Match ratio: 1.0 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is a0102 in icd code -INFO:root:Stored RAG interaction in Redis for default:228:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 1.847s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 14:35:31] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is the icd code paratyphoid fever a -INFO:root:Received hospital code: MUFLPX5NU89E -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 228 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_228:what is the icd code paratyphoid fever a -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.27 -INFO:root:- Entity attribute question: False -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: True -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is the icd code paratyphoid fever a -INFO:root:Stored RAG interaction in Redis for default:228:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 1.789s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 14:36:01] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is a014 -INFO:root:Received hospital code: MUFLPX5NU89E -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 228 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_228:what is a014 -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity attribute question: False -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['a014'] -INFO:root:Matches: 1 out of 1 keywords -INFO:root:Match ratio: 1.0 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is a014 -INFO:root:Stored RAG interaction in Redis for default:228:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.143s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 14:36:19] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about covid 19 -INFO:root:Received hospital code: MUFLPX5NU89E -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 228 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_228:tell me about covid 19 -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['covid'] -INFO:root:Matches: 1 out of 1 keywords -INFO:root:Match ratio: 1.0 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: tell me about covid 19 -INFO:root:Stored RAG interaction in Redis for default:228:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.448s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 14:36:51] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 228 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 222 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 224 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 225 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about pneumonia -INFO:root:Received hospital code: MUFLPX5NU89E -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 228 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_228:tell me about pneumonia -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['pneumonia'] -INFO:root:Matches: 1 out of 1 keywords -INFO:root:Match ratio: 1.0 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: tell me about pneumonia -INFO:root:Stored RAG interaction in Redis for default:228:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.551s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 15:17:04] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about corona virus -INFO:root:Received hospital code: MUFLPX5NU89E -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 228 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_228:tell me about corona virus -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.01 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['corona', 'virus'] -INFO:root:Matches: 1 out of 2 keywords -INFO:root:Match ratio: 0.5 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: tell me about corona virus -INFO:root:Stored RAG interaction in Redis for default:228:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.648s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 15:19:45] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about typhoid -INFO:root:Received hospital code: MUFLPX5NU89E -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 228 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_228:tell me about typhoid -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['typhoid'] -INFO:root:Matches: 1 out of 1 keywords -INFO:root:Match ratio: 1.0 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: tell me about typhoid -INFO:root:Stored RAG interaction in Redis for default:228:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.408s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 15:20:16] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: can you tell me something about solar eclipse -INFO:root:Received hospital code: MUFLPX5NU89E -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 228 -INFO:root:Cache hit for key: context:hospital_228:can you tell me something about solar eclipse -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.01 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['something', 'solar', 'eclipse'] -INFO:root:Matches: 1 out of 3 keywords -INFO:root:Match ratio: 0.3333333333333333 -INFO:root:General knowledge question detected -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 0.734s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 15:21:36] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 228 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 222 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 224 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 225 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 229 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 232 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 222 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 224 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 225 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 230 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 231 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 425 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 425 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 27 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 85 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 114 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 143 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 172 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 201 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 230 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 259 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 288 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 317 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 346 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 375 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 404 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 433 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 462 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 491 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 520 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 549 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 578 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 607 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 636 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 665 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 694 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 723 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 752 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 781 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 810 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 839 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 868 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 897 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 926 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 955 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 984 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1013 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1038 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1067 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1096 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1125 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1154 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1183 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1212 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1241 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1270 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1299 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1328 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1357 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1386 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1415 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1444 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1473 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1502 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1531 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1560 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1589 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1618 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1647 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1676 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1705 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1734 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1762 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1791 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1820 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1849 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1878 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1907 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1936 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1965 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 1994 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2023 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2052 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2081 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2109 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2138 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2167 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2196 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2225 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2254 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2283 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2312 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2341 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2370 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2399 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2427 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2456 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2485 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2514 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2542 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2569 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2598 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2627 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2656 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2685 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2714 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2743 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2772 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2801 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2830 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2858 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2887 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2915 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2944 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2973 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 2997 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3014 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3031 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3051 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3078 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3095 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3112 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3130 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3153 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3174 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3192 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3211 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3239 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3259 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3277 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3297 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3324 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3344 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3361 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3380 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3405 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3434 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3463 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3492 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3518 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3547 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3576 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3605 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3634 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3663 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3692 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3721 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3750 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3779 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3808 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3833 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3861 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3890 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3919 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3948 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 3977 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4000 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4022 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4044 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4073 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4102 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4131 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4160 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4189 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4218 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4244 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4266 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4289 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4318 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4347 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4376 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4405 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4434 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4463 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4492 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4521 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4550 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4577 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4606 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4634 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4663 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4692 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4712 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4741 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4769 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4797 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4824 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4853 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4882 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4911 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4940 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4969 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 4998 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5027 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5056 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5085 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5114 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5143 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5169 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5196 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5225 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5254 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5283 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5312 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5341 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5370 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5399 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5428 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5457 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5486 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5515 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5544 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5573 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5602 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5631 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5660 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5689 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5718 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5747 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5776 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5805 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5834 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5863 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5892 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5921 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5950 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 5979 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6008 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6037 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6066 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6095 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6124 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6153 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6182 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6211 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6240 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6269 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6298 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6327 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6356 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6385 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6414 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6443 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6472 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6501 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6530 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6559 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6588 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6617 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6646 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6675 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6704 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6733 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6762 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6784 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6809 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6838 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6867 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6896 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6925 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6954 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 6983 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7012 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7041 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7070 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7099 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7128 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7157 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7186 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7215 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7244 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7273 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7302 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7331 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7360 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7389 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7418 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7447 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7476 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7534 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7563 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7592 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7621 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7649 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7671 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7700 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7729 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7758 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7787 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7816 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7844 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7872 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7900 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7928 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7957 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 7986 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8015 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8044 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8073 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8102 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8130 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8159 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8188 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8216 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8240 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8269 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8298 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8327 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8352 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8379 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8404 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8431 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8456 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8475 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8504 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8533 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8562 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8591 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8620 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8649 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8678 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8707 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8735 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8763 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8792 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8814 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8836 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8856 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8878 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8897 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8921 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8950 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8975 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 8999 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9018 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9042 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9070 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9091 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9112 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9133 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9154 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9172 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9191 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9213 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9237 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9259 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9285 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9314 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9343 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9372 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9401 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9429 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9456 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9484 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9513 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9542 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9567 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9596 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9623 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9651 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9671 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9698 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9726 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9755 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9784 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9813 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9842 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9871 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9900 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9928 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9957 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 9983 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10008 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10037 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10066 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10095 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10124 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10153 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10182 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10211 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10240 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10269 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10298 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10327 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10356 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10385 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10414 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10443 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10472 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10501 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10530 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10559 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10588 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10617 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10646 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10675 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10704 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10733 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10759 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10786 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10815 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10844 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10873 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10902 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10931 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10960 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 10989 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11018 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11047 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11076 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11105 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11134 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11163 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11192 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11220 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11247 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11276 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11305 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11334 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11363 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11392 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11421 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11450 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11479 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11536 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11564 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11593 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11622 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11651 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11680 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11708 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11737 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11766 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11795 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11824 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11853 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11882 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11911 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11940 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11969 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 11990 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12012 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12041 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12070 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12099 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12128 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12157 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12186 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12215 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12244 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12273 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12302 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12331 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12360 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12389 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12418 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12447 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12476 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12534 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12563 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12592 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12621 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12650 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12679 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12708 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12737 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12766 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12795 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12824 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12853 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12882 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12911 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12940 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12969 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 12998 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13027 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13056 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13085 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13114 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13143 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13172 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13201 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13230 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13259 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13288 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13317 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13346 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13375 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13404 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13433 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13462 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13491 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13520 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13549 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13578 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13607 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13636 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13665 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13694 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13723 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13752 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13781 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13810 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13839 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13868 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13897 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13926 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13955 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 13984 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14013 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14042 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14071 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14100 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14129 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14158 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14187 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14216 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14245 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14274 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14296 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14317 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14338 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14363 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14392 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14421 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14450 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14479 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14537 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14566 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14595 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14624 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14653 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14682 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14711 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14740 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14769 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14798 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14827 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14856 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14885 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14914 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14943 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 14972 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15001 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15030 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15059 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15088 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15117 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15146 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15175 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15204 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15233 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15262 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15291 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15320 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15348 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15377 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15406 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15435 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15464 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15493 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15522 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15551 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15580 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15607 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15625 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15643 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15661 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15679 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15697 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15715 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15733 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15751 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15769 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15787 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15805 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15824 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15842 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15860 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15878 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15905 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15934 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15961 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 15989 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16018 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16047 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16074 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16103 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16131 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16158 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16185 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16210 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16237 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16263 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16289 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16316 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16342 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16364 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16384 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16404 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16423 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16443 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16463 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16483 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16502 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16522 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16542 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16562 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16582 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16602 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16621 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16641 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16661 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16681 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16700 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16720 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16742 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16762 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16782 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16806 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16835 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16864 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16893 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16922 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16951 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 16980 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17009 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17038 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17067 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17096 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17125 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17154 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17183 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17212 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17241 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17270 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17299 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17328 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17357 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17386 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17415 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17444 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17473 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17502 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17531 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17560 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17589 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17618 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17647 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17676 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17705 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17734 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17763 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17792 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17821 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17850 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17879 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17905 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17925 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17953 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 17982 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18011 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18040 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18068 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18097 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18126 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18153 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18182 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18211 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18240 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18269 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18298 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18327 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18356 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18385 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18414 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18443 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18472 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18501 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18530 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18559 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18588 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18617 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18646 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18675 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18698 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18727 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18756 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18785 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18813 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18838 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18864 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18892 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18919 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18948 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 18977 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19006 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19035 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19064 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19093 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19122 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19151 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19179 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19205 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19229 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19251 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19272 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19301 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19320 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19338 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19361 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19378 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19401 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19429 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19458 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19485 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19514 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19543 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19571 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19599 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19626 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19655 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19682 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19711 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19740 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19769 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19796 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19821 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19848 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19875 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19902 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19931 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19959 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 19986 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20015 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20044 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20071 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20098 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20127 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20154 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20180 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20204 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20225 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20254 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20283 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20310 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20339 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20366 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20394 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20423 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20452 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20480 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20507 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20535 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20562 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20591 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20619 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20648 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20677 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20706 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20735 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20760 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20788 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20813 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20842 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20871 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20896 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20925 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20952 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 20981 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21010 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21039 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21068 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21097 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21126 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21155 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21184 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21213 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21242 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21271 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21300 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21329 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21358 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21387 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21416 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21445 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21474 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21503 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21561 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21590 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21619 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21648 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21677 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21706 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21735 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21764 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21793 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21822 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21851 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21880 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21909 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21938 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21967 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 21996 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22025 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22054 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22083 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22112 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22141 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22170 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22199 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22228 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22257 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22286 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22315 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22344 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22373 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22402 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22430 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22457 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22485 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22510 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22539 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22568 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22597 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22624 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22652 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22681 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22709 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22735 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22760 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22787 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22816 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22845 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22874 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22903 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22932 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22961 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 22990 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23019 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23048 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23077 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23106 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23135 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23164 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23190 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23218 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23247 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23276 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23300 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23320 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23349 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23378 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23407 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23432 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23456 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23481 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23506 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23533 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23562 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23591 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23620 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23642 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23665 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23686 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23708 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23735 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23762 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23782 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23809 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23838 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23867 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23896 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23925 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23952 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 23975 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24002 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24031 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24056 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24075 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24095 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24114 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24131 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24149 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24167 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24185 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24203 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24220 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24238 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24255 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24273 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24291 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24308 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24326 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24343 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24361 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24380 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24400 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24420 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24439 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24457 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24474 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24489 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24520 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24538 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24556 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24576 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24599 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24628 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24657 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24686 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24715 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24744 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24773 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24802 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24831 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24859 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24888 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24912 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24932 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24954 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 24974 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25001 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25019 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25039 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25059 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25078 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25099 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25117 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25135 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25156 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25175 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25195 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25216 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25234 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25254 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25273 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25291 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25311 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25340 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25369 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25398 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25427 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25456 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25485 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25514 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25543 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25572 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25601 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25630 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25659 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25688 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25717 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25746 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25775 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25804 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25833 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25862 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25891 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25920 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25949 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 25978 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26007 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26036 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26065 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26082 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26099 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26117 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26135 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26152 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26171 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26189 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26206 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26225 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26243 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26260 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26279 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26304 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26326 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26348 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26370 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26392 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26414 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26435 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26458 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26483 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26507 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26531 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26554 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26581 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26610 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26638 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26665 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26694 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26723 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26752 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26781 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26810 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26839 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26868 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26897 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26926 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26955 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 26984 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27013 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27042 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27071 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27099 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27128 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27157 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27186 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27215 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27244 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27273 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27302 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27331 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27360 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27389 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27418 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27447 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27475 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27503 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27523 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27540 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27559 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27576 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27593 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27610 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27627 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27644 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27661 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27682 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27711 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27738 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27760 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27778 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27795 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27812 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27829 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27846 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27863 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27881 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27905 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27934 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27962 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 27983 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28005 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28028 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28050 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28072 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28094 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28116 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28139 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28163 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28187 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28211 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28238 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28267 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28290 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28314 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28340 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28360 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28380 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28401 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28420 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28438 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28456 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28474 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28493 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28515 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28533 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28551 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28571 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28592 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28613 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28635 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28659 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28685 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28712 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28737 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28758 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28780 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28801 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28826 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28855 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28884 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28913 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28942 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 28971 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29000 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29029 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29058 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29087 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29116 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29145 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29170 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29194 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29223 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29252 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29281 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29310 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29339 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29368 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29397 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29426 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29455 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29484 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29513 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29542 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29571 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29600 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29629 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29658 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29687 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29716 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29745 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29774 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29803 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29832 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29861 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29890 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29919 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29948 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 29977 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30006 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30035 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30064 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30093 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30121 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30143 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30163 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30183 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30203 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30226 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30247 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30268 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30289 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30309 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30329 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30349 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30369 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30389 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30409 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30429 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30448 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30466 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30486 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30506 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30526 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30547 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30566 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30584 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30603 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30622 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30640 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30661 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30682 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30702 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30721 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30741 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30760 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30780 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30801 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30820 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30840 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30860 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30880 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30898 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30918 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30936 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30956 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30976 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 30995 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31013 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31031 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31051 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31069 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31091 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31112 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31131 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31148 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31165 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31182 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31199 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31217 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31235 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31253 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31271 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31289 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31307 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31327 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31347 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31367 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31387 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31407 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31428 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31448 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31468 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31488 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31534 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31563 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31592 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31621 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31646 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31675 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31704 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31733 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31762 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31791 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31820 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31849 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31878 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31904 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31932 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31961 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 31990 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32014 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32034 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32052 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32070 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32088 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32111 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32133 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32156 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32179 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32203 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32230 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32248 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32265 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32282 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32300 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32328 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32350 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32369 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32387 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32405 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32423 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32441 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32460 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32478 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32496 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32514 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32550 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32569 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32593 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32622 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32651 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32680 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32709 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32738 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32767 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32796 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32825 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32852 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32870 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32888 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32909 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32927 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32945 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32963 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32980 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 32997 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33014 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33032 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33050 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33067 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33085 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33103 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33121 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33140 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33158 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33176 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33194 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33212 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33231 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33250 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33269 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33287 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33307 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33327 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33346 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33366 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33384 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33402 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33420 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33439 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33457 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33476 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33495 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33513 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33531 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33549 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33567 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33585 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33604 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33626 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33644 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33662 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33680 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33698 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33716 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33736 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33754 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33772 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33790 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33808 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33826 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33844 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33863 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33881 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33899 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33917 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33935 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33953 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33971 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 33989 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34007 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34025 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34043 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34061 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34079 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34097 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34118 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34139 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34159 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34183 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34205 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34225 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34244 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34263 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34282 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34300 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34320 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34338 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34356 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34374 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34392 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34411 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34429 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34447 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34465 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34483 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34501 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34519 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34537 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34555 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34573 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34591 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34609 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34627 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34645 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34663 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34681 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34699 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34717 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34735 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34753 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34771 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34789 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34809 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34830 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34850 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34874 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34894 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34912 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34930 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34948 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34966 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 34984 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35004 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35022 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35040 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35058 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35076 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35097 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35119 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35139 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35160 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35182 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35201 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35219 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35237 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35257 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35279 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35297 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35315 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35333 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35351 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35369 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35388 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35407 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35425 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35443 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35461 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35479 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35497 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35516 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35534 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35556 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35575 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35593 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35611 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35632 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35654 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35683 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35712 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35741 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35770 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35799 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35828 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35857 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35886 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35915 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35944 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 35973 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36002 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36031 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36059 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36084 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36105 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36126 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36144 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36162 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36184 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36204 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36224 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36244 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36265 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36283 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36300 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36317 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36334 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36353 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36372 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36392 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36410 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36428 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36448 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36469 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36491 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36510 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36530 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36559 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36583 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36607 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36625 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36643 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36661 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36679 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36698 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36716 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36734 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36752 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36770 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36788 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36807 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36825 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36843 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36861 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36879 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36897 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36917 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36942 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 36971 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37000 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37029 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37058 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37087 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37116 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37145 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37174 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37203 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37232 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37261 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37290 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37319 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37348 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37377 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37406 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37435 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37464 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37493 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37517 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37543 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37569 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37596 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37623 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37647 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37672 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37694 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37715 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37737 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37765 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37794 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37820 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37848 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37872 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37894 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37918 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37947 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 37976 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38005 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38034 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38060 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38078 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38096 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38114 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38132 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38150 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38168 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38186 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38204 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38225 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38243 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38261 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38281 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38302 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38320 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38338 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38356 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38374 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38392 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38410 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38428 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38450 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38472 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38490 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38526 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38544 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38563 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38583 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38610 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38634 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38654 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38672 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38690 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38708 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38726 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38744 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38762 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38782 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38802 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38822 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38843 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38863 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38881 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38899 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38917 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38937 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38955 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38973 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 38992 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39011 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39029 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39047 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39067 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39085 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39103 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39121 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39140 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39158 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39176 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39194 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39213 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39231 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39249 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39267 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39287 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39308 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39329 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39351 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39372 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39392 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39412 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39433 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39453 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39474 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39495 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39516 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39536 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39555 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39576 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39596 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39617 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39638 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39659 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39680 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39701 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39722 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39742 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39760 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39779 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39798 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39817 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39835 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39855 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39875 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39895 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39915 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39936 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39956 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 39982 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40011 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40040 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40069 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40098 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40127 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40156 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40185 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40214 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40243 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40272 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40301 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40330 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40359 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40388 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40417 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40446 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40475 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40504 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40533 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40562 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40580 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40597 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40614 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40631 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40648 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40665 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40682 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40699 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40717 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40746 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40775 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40804 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40833 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40862 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40891 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40920 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40949 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 40978 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41007 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41034 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41060 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41087 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41116 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41145 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41174 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41203 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41232 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41256 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41276 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41295 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41313 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41330 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41347 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41366 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41386 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41404 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41422 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41439 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41457 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41475 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41492 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41509 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41545 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41562 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41579 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41596 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41614 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41632 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41649 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41666 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41684 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41702 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41719 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41737 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41754 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41772 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41789 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41807 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41825 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41852 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41881 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41909 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41934 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41958 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 41985 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42014 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42043 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42072 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42101 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42130 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42159 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42188 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42217 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42246 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42275 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42304 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42333 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42362 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42382 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42400 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42418 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42436 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42454 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42472 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42490 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42526 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42544 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42562 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42580 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42598 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42616 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42634 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42652 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42672 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42690 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42708 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42726 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42744 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42762 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42781 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42799 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42817 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42835 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42853 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42871 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42889 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42907 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42926 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42944 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42962 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42980 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 42998 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43016 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43034 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43052 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43070 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43088 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43106 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43124 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43142 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43160 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43178 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43197 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43216 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43234 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43252 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43270 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43288 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43306 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43324 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43343 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43361 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43379 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43397 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43415 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43433 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43451 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43469 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43488 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43506 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43524 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43542 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43560 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43578 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43596 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43615 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43633 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43651 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43669 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43687 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43705 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43723 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43742 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43760 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43778 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43796 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43814 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43832 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43850 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43868 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43886 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43904 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43922 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43940 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43958 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43976 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 43994 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44015 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44035 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44053 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44071 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44089 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44107 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44125 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44143 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44161 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44179 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44197 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44215 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44233 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44251 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44269 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44287 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44305 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44323 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44341 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44359 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44377 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44395 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44413 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44431 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44449 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44467 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44485 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44502 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44519 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44536 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44553 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44570 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44587 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44604 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44621 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44638 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44655 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44673 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44694 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44712 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44730 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44751 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44773 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44792 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44812 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44833 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44862 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44891 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44920 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44949 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 44977 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45006 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45035 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45064 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45088 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45109 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45134 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45157 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45182 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45211 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45239 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45267 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45286 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45303 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45321 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45341 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45361 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45381 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45410 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45438 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45463 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45482 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45501 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45521 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45540 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45558 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45576 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45594 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45613 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45637 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45666 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45695 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45724 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45753 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45782 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45811 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45840 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45869 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45898 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45922 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45942 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45962 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45980 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 45998 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46016 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46034 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46052 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46071 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46090 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46108 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46126 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46144 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46162 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46180 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46198 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46218 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46236 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46254 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46272 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46290 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46308 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46326 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46346 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46367 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46387 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46406 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46425 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46444 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46464 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46483 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46501 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46521 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46539 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46557 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46575 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46593 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46611 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46629 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46649 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46667 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46685 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46703 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46721 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46739 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46757 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46777 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46795 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46813 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46831 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46849 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46867 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46885 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46904 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46922 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46944 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46963 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46981 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 46999 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47019 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47037 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47055 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47073 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47091 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47109 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47127 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47147 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47165 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47183 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47201 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47219 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47237 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47255 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47274 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47293 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47311 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47329 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47347 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47365 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47383 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47401 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47419 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47437 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47455 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47473 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47491 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47509 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47529 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47549 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47567 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47585 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47603 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47624 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47643 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47663 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47681 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47699 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47717 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47735 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47753 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47772 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47790 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47808 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47826 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47844 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47862 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47880 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47898 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47917 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47935 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47953 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47971 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 47989 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48007 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48025 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48043 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48061 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48079 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48097 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48115 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48133 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48151 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48169 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48187 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48206 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48226 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48245 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48263 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48281 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48300 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48318 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48336 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48354 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48372 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48390 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48408 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48426 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48444 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48466 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48486 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48504 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48522 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48540 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48559 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48577 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48595 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48613 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48631 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48649 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48667 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48685 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48703 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48721 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48739 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48757 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48775 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48793 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48811 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48831 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48851 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48869 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48888 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48906 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48926 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48948 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48966 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 48985 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49005 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49033 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49062 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49091 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49120 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49149 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49177 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49204 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49233 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49262 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49291 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49320 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49349 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49378 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49407 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49436 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49465 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49494 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49523 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49550 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49575 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49601 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49629 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49654 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49679 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49708 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49726 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49743 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49761 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49778 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49796 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49813 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49835 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49859 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49881 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49907 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49932 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49956 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49977 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 49995 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50013 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50031 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50049 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50069 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50088 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50106 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50124 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50142 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50161 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50181 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50200 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50219 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50238 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50258 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50276 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50294 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50313 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50338 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50367 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50396 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50425 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50454 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50483 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50512 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50541 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50570 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50599 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50628 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50657 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50686 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50714 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50737 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50761 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50781 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50802 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50830 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50857 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50882 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50904 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50926 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50954 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 50983 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51011 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51035 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51057 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51078 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51098 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51118 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51136 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51155 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51175 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51195 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51215 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51233 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51254 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51274 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51299 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51323 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51346 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51370 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51392 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51412 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51434 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51458 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51479 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51499 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51523 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51546 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51567 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51588 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51609 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51629 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51649 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51667 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51687 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51708 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51728 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51748 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51768 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51788 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51808 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51828 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51848 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51868 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51888 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51908 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51928 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51948 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51968 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 51988 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52009 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52030 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52050 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52069 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52089 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52109 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52133 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52155 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52175 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52195 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52213 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52233 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52251 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52270 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52290 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52311 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52338 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52366 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52393 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52422 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52451 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52480 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52509 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52538 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52567 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52596 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52625 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52654 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52683 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52712 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52741 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52769 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52798 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52827 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52856 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52881 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52904 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52923 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52940 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52957 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52974 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 52992 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53015 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53033 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53053 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53072 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53092 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53118 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53147 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53176 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53205 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53234 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53259 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53280 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53300 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53320 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53340 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53361 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53383 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53404 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53424 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53444 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53464 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53484 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53506 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53547 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53567 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53587 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53607 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53629 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53658 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53686 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53714 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53743 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53772 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53801 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53827 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53851 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53878 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53907 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53936 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53964 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 53993 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54022 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54051 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54077 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54105 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54134 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54162 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54190 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54219 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54248 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54277 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54306 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54335 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54364 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54393 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54420 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54449 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54473 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54499 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54528 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54549 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54578 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54603 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54628 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54657 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54678 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54707 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54733 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54757 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54786 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54807 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54836 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54863 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54885 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54914 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54937 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54964 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 54988 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55016 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55045 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55072 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55101 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55129 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55155 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55184 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55212 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55239 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55268 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55292 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55315 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55342 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55369 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55393 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55422 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55449 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55472 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55501 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55528 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55552 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55581 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55604 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55628 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55652 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55676 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55701 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55723 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55749 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55770 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55797 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55816 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55843 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55862 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55890 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55910 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55937 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55962 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 55990 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56019 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56048 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56077 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56106 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56133 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56162 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56191 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56220 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56248 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56277 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56306 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56335 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56364 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56393 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56422 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56451 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56480 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56509 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56538 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56567 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56596 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56625 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56654 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56683 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56712 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56741 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56765 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56794 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56823 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56852 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56879 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56908 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56937 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56960 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 56987 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57016 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57038 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57059 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57086 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57113 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57138 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57166 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57183 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57207 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57231 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57257 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57285 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57314 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57343 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57372 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57395 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57420 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57438 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57458 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57487 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57516 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57545 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57574 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57603 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57629 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57655 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57684 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57712 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57741 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57770 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57799 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57827 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57856 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57885 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57910 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57931 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57951 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 57980 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58005 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58028 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58052 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58078 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58103 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58127 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58154 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58183 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58212 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58241 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58270 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58296 unique ICD codes to JSON for hospital 229 -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about pneumonia -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 229 -INFO:root:Key words: ['pneumonia'] -INFO:root:Matches: 1 out of 1 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Successfully saved 58324 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58341 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58364 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58391 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58417 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58437 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58455 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58477 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58502 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58531 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58560 unique ICD codes to JSON for hospital 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: tell me about pneumonia -INFO:root:Stored RAG interaction in Redis for default:229:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.722s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 17:27:12] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:root:Successfully saved 58589 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58616 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58645 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58670 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58690 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58712 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58733 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58761 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58790 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58817 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58842 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58868 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58890 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58909 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58934 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58959 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 58988 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59017 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59046 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59070 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59090 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59115 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59135 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59163 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59192 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59221 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59246 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59265 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59285 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59310 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59336 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59358 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59378 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59403 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59432 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59459 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59486 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59506 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59529 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59556 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59584 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59610 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59631 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59650 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59677 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59706 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59733 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59756 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59776 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59805 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59834 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59863 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59892 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59921 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59950 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 59979 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60008 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60027 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60045 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60070 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60094 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60122 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60151 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60179 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60208 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60237 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60266 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60293 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60320 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60344 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60366 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60388 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60416 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60445 unique ICD codes to JSON for hospital 229 -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about typhoid -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 229 -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['typhoid'] -INFO:root:Matches: 0 out of 1 keywords -INFO:root:Match ratio: 0.0 -INFO:root:General knowledge question detected -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 0.496s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 17:27:34] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:root:Successfully saved 60473 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60502 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60526 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60551 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60580 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60609 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60638 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60667 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60696 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60721 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60743 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60772 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60801 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60824 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60851 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60879 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60908 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60936 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60962 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 60989 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61018 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61047 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61074 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61102 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61125 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61152 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61177 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61202 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61229 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61258 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61285 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61307 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61330 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61358 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61387 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61416 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61445 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61474 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61503 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61528 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61553 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61577 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61602 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61631 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61660 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61689 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61718 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61747 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61776 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61805 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61832 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61856 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61879 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61904 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61930 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61957 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61975 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 61993 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62011 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62029 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62047 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62065 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62083 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62101 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62119 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62144 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62173 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62202 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62231 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62260 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62288 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62315 unique ICD codes to JSON for hospital 229 -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about coronavirus -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 229 -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['coronavirus'] -INFO:root:Matches: 1 out of 1 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Successfully saved 62343 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62370 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62394 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62422 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62447 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62476 unique ICD codes to JSON for hospital 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: tell me about coronavirus -INFO:root:Stored RAG interaction in Redis for default:229:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.336s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 17:27:59] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:root:Successfully saved 62505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62534 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62563 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62589 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62613 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62636 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62663 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62688 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62715 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62744 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62773 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62801 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62826 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62855 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62877 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62902 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62927 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62952 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62975 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 62995 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63015 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63037 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63059 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63078 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63098 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63122 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63149 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63175 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63200 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63225 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63252 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63274 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63292 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63319 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63343 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63372 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63401 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63430 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63457 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63484 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63513 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63540 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63567 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63594 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63620 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63640 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63657 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63674 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63691 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63709 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63726 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63743 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63760 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63777 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63794 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63812 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63829 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63854 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63874 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63893 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63911 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63928 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63946 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63963 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63980 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 63997 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64015 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64033 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64052 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64070 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64088 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64108 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64128 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64148 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64165 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64183 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64200 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64217 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64234 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64252 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64270 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64288 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64306 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64324 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64342 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64359 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64376 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64393 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64410 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64427 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64444 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64461 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64478 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64495 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64512 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64529 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64546 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64563 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64580 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64597 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64614 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64632 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64652 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64676 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64694 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64715 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64737 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64759 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64786 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64807 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64826 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64844 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64862 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64880 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64900 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64919 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64940 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64961 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 64982 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65001 unique ICD codes to JSON for hospital 229 -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: can u tell me about scatteting of light -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 229 -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.02 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['scatteting', 'light'] -INFO:root:Matches: 0 out of 2 keywords -INFO:root:Match ratio: 0.0 -INFO:root:General knowledge question detected -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 0.448s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 17:28:39] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:root:Successfully saved 65018 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65035 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65053 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65070 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65087 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65104 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65121 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65138 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65155 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65172 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65189 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65206 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65223 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65240 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65257 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65274 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65291 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65308 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65325 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65343 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65360 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65377 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65394 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65411 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65428 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65445 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65462 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65479 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65496 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65513 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65530 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65547 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65564 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65582 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65601 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65623 unique ICD codes to JSON for hospital 229 -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is refraction -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 229 -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity attribute question: False -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['refraction'] -INFO:root:Matches: 1 out of 1 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Successfully saved 65642 unique ICD codes to JSON for hospital 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is refraction -INFO:root:Stored RAG interaction in Redis for default:229:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.330s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 17:28:53] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:root:Successfully saved 65659 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65677 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65695 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65713 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65731 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65749 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65767 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65785 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65804 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65824 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65843 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65862 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65882 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65904 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65926 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65952 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65972 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 65990 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66010 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66038 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66063 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66088 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66112 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66139 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66163 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66187 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66214 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66237 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66259 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66279 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66300 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66325 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66352 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66379 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66399 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66418 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66438 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66463 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66491 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66512 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66530 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66550 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66576 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66605 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66634 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66653 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66672 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66692 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66721 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66750 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66779 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66808 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66837 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66864 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66888 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66917 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66942 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66970 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 66999 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67028 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67057 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67086 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67115 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67144 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67162 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67185 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67214 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67243 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67269 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67293 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67320 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67342 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67361 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67382 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67409 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67438 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67463 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67492 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67521 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67550 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67578 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67607 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67636 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67664 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67693 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67722 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67751 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67780 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67809 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67838 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67867 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67896 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67925 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67954 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 67983 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68012 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68040 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68069 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68098 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68127 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68156 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68185 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68213 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68242 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68270 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68296 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68324 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68353 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68382 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68411 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68440 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68469 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68498 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68555 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68582 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68611 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68640 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68668 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68697 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68726 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68755 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68784 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68813 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68842 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68871 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68898 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68927 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68956 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 68981 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69005 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69030 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69055 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69081 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69108 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69133 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69158 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69185 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69209 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69229 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69248 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69272 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69292 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69317 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69342 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69367 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69389 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69410 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69432 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69451 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69475 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69498 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69518 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69536 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69560 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69580 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69602 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69627 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69652 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69672 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69693 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69715 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69738 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69763 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69791 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69820 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69849 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69873 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69891 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69911 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69929 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69950 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69972 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 69999 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70025 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70053 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70077 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70106 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70133 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70162 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70191 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70220 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70249 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70278 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70306 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70335 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70362 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70390 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70419 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70448 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70475 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70504 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70533 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70562 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70591 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70620 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70649 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70677 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70706 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70733 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70762 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70791 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70818 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70847 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70876 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70905 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70934 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70963 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 70992 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71021 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71050 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71079 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71106 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71135 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71164 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71192 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71220 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71247 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71276 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71305 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71334 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71363 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71391 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71420 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71449 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71478 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71488 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 2966 pages for document 425 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 71572 ICD codes -INFO:root:Successfully indexed document 425 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 690.838s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 17:31:35] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 426 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 426 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71489 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71490 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71491 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71491 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 65 pages for document 426 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 4 ICD codes -INFO:root:Successfully indexed document 426 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 8.984s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 17:31:44] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 229 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 232 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 222 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 234 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 235 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 236 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 224 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 225 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 230 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 231 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -ERROR:chat:Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -INFO:access:"POST /flask-api/generate-answer" 500 - Duration: 0.012s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 18:59:58] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -ERROR:chat:Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -INFO:access:"POST /flask-api/generate-answer" 500 - Duration: 0.001s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 18:59:59] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -ERROR:chat:Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -INFO:access:"POST /flask-api/generate-answer" 500 - Duration: 0.001s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:00:00] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:00:00] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -ERROR:chat:Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -INFO:access:"POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:00:20] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -ERROR:chat:Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -INFO:access:"POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:00:21] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -ERROR:chat:Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -INFO:access:"POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:00:22] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:00:22] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -ERROR:chat:Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -INFO:access:"POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:00:38] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -ERROR:chat:Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -INFO:access:"POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:00:39] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -ERROR:chat:Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -INFO:access:"POST /flask-api/generate-answer" 500 - Duration: 0.001s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:00:40] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:00:40] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -ERROR:chat:Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -INFO:access:"POST /flask-api/generate-answer" 500 - Duration: 0.004s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:03:14] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -ERROR:chat:Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -INFO:access:"POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:03:15] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -ERROR:chat:Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -INFO:access:"POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:03:16] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:03:16] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 229 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 232 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 222 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 234 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 235 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 236 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 224 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 225 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 230 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 231 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about corona virus -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 2 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:tell me about corona virus -INFO:root:Key words: ['corona', 'virus'] -INFO:root:Matches: 2 out of 2 keywords -INFO:root:Match ratio: 1.0 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: tell me about corona virus -INFO:root:Stored RAG interaction in Redis for default:229:2 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.601s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:04:22] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is pneumonia -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 2 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what is pneumonia -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity attribute question: False -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['pneumonia'] -INFO:root:Matches: 1 out of 1 keywords -INFO:root:Match ratio: 1.0 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is pneumonia -INFO:root:Stored RAG interaction in Redis for default:229:2 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.690s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:05:32] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about catholic healthcare -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 2 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:tell me about catholic healthcare -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['catholic', 'healthcare'] -INFO:root:Matches: 2 out of 2 keywords -INFO:root:Match ratio: 1.0 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: tell me about catholic healthcare -INFO:root:Stored RAG interaction in Redis for default:229:2 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 5.840s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:10:58] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what do you know about manipal hospitals -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 2 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what do you know about manipal hospitals -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['manipal', 'hospitals'] -INFO:root:Matches: 0 out of 2 keywords -INFO:root:Match ratio: 0.0 -INFO:root:General knowledge question detected -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 1.159s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:11:24] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: can you tell me about catholic health -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 2 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:can you tell me about catholic health -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.02 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['catholic', 'health'] -INFO:root:Matches: 2 out of 2 keywords -INFO:root:Match ratio: 1.0 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: can you tell me about catholic health -INFO:root:Stored RAG interaction in Redis for default:229:2 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.643s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:12:56] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is the mision vision and values of catholic health -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 2 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what is the mision vision and values of catholic health -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.03 -INFO:root:- Entity attribute question: False -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['mision', 'vision', 'values', 'catholic', 'health'] -INFO:root:Matches: 4 out of 5 keywords -INFO:root:Match ratio: 0.8 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is the mision vision and values of catholic health -INFO:root:Stored RAG interaction in Redis for default:229:2 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.407s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:14:10] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what are the pillars and goals of it -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 2 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what are the pillars and goals of it -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: True -INFO:root:- Term similarity: 0.01 -INFO:root:- Entity attribute question: False -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: True -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what are the pillars and goals of it -INFO:root:Stored RAG interaction in Redis for default:229:2 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.047s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:15:03] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is his growth and partnership -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 2 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what is his growth and partnership -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: True -INFO:root:- Term similarity: 0.02 -INFO:root:- Entity attribute question: False -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: True -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is his growth and partnership -INFO:root:Stored RAG interaction in Redis for default:229:2 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.199s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:15:53] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about his equal employment opportunity -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 2 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:tell me about his equal employment opportunity -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: True -INFO:root:- Term similarity: 0.04 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: True -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: tell me about his equal employment opportunity -INFO:root:Stored RAG interaction in Redis for default:229:2 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.277s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:16:28] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is covid 19 -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 2 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what is covid 19 -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity attribute question: False -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['covid'] -INFO:root:Matches: 1 out of 1 keywords -INFO:root:Match ratio: 1.0 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is covid 19 -INFO:root:Stored RAG interaction in Redis for default:229:2 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 1.562s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:17:30] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is the code for wound myiasis -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 2 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what is the code for wound myiasis -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.12 -INFO:root:- Entity attribute question: False -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['code', 'wound', 'myiasis'] -INFO:root:Matches: 2 out of 3 keywords -INFO:root:Match ratio: 0.6666666666666666 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is the code for wound myiasis -INFO:root:Stored RAG interaction in Redis for default:229:2 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.181s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:18:59] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about karnataka -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 2 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:tell me about karnataka -INFO:root:Follow-up analysis enhanced: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity attribute question: True -INFO:root:- Last entities found: set() -INFO:root:- Is follow-up: False -INFO:root:Key words: ['karnataka'] -INFO:root:Matches: 0 out of 1 keywords -INFO:root:Match ratio: 0.0 -INFO:root:General knowledge question detected -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 1.072s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:29:41] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 120 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:access:"POST /flask-api/generate-answer" 400 - Duration: 0.006s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:32:19] "[31m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 400 - -INFO:access:"POST /flask-api/generate-answer" 400 - Duration: 0.003s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:32:20] "[31m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 400 - -INFO:access:"POST /flask-api/generate-answer" 400 - Duration: 0.003s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:32:21] "[31m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 400 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.001s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:32:21] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/generate-answer" 400 - Duration: 0.004s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:32:57] "[31m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 400 - -INFO:access:"POST /flask-api/generate-answer" 400 - Duration: 0.009s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:32:58] "[31m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 400 - -INFO:access:"POST /flask-api/generate-answer" 400 - Duration: 0.005s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:32:59] "[31m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 400 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:32:59] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 229 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 232 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 222 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 234 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 235 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 236 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 224 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 225 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 230 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 231 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 5.445s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:35:34] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.416s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:35:38] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.907s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:35:41] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:35:41] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 6.126s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:36:12] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.431s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:37:26] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.114s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:38:04] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.662s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:38:08] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.240s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:38:11] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:38:11] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.339s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:38:36] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 4.803s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:39:13] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.861s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:39:16] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.906s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:39:19] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:39:19] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 11.343s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:40:08] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.022s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:40:11] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 5.238s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:40:18] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:40:18] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.262s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:40:51] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:"GET /flask-api/get-chroma-content" 404 - Duration: 0.016s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:42:22] "[33mGET /flask-api/get-chroma-content?hospital_id=63 HTTP/1.1[0m" 404 - -INFO:access:"GET /flask-api/get-chroma-content" 200 - Duration: 0.309s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:43:28] "GET /flask-api/get-chroma-content?hospital_id=229 HTTP/1.1" 200 - -INFO:access:"GET /flask-api/get-chroma-content" 200 - Duration: 0.236s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:43:45] "GET /flask-api/get-chroma-content?hospital_id=229 HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.414s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:43:52] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.739s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:44:54] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.861s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:45:40] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.179s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:45:43] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.804s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:45:46] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:45:46] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 1.854s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:46:31] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.924s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:47:04] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.021s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:47:07] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.924s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:47:10] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:47:10] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.438s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:49:11] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.127s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 19:49:30] "POST /flask-api/generate-answer HTTP/1.1" 200 - -ERROR:root:Error in ChromaDB fetch process: invalid literal for int() with base 10: "229'" -INFO:access:"GET /flask-api/get-chroma-content" 500 - Duration: 0.009s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [07/Jun/2025 20:11:16] "[35m[1mGET /flask-api/get-chroma-content?hospital_id=229' HTTP/1.1[0m" 500 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 427 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 427 -INFO:root:Extracting PDF contents... -WARNING:pypdf._reader:Ignoring wrong pointing object 59 0 (offset 0) -INFO:root:Successfully saved 71492 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71493 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71494 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71494 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71495 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71495 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71496 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71496 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 14 pages for document 427 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 13 ICD codes -INFO:root:Successfully indexed document 427 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 6.127s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 11:50:30] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 428 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 428 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 428 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 428 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.004s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 11:51:05] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 429 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 429 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 429 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 429 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 0.704s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 11:51:25] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 0.038s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:18:30] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 0.006s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:18:31] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 0.006s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:18:32] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.001s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:18:32] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.478s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:21:38] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.238s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:22:30] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 4.158s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:22:56] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 6.330s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:23:03] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.393s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:25:40] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.990s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:25:43] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.003s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:25:46] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:25:46] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.975s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:26:11] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.184s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:26:14] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.881s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:26:17] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:26:17] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.928s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:27:11] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 1.946s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:27:47] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.967s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:31:36] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.330s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:31:40] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.034s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:31:43] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:31:43] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.042s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:32:11] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.255s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:32:14] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.796s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:32:17] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:32:17] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 5.376s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:33:17] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.023s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:34:26] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.766s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:34:29] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.754s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:34:32] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:34:32] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.230s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:46:29] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.133s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:47:28] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.931s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:47:31] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.105s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:47:34] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.001s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:47:34] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.362s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:47:52] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.858s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:47:55] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.796s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:47:57] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:47:57] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.170s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:57:30] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.217s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:58:09] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.814s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:58:12] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.192s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:58:15] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:58:15] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.460s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:58:33] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.558s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:58:37] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.900s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:58:40] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:58:40] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.766s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 12:59:23] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 430 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 430 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71498 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71499 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71501 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71502 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71503 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71503 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71503 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71503 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71503 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71503 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71504 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71505 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71506 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71506 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71506 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71506 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71506 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71506 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71506 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71507 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71507 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71507 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71507 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71507 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71507 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71507 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71507 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71507 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71507 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71507 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71508 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71509 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71512 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71514 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71514 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71514 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71516 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71524 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71524 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71525 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71525 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71526 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71526 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71526 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71526 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 71 pages for document 430 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 314 ICD codes -INFO:root:Successfully indexed document 430 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 37.105s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:01:35] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 431 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 431 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71526 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71526 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71526 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71526 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 65 pages for document 431 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 4 ICD codes -INFO:root:Successfully indexed document 431 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 7.264s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:01:43] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 5.887s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:01:48] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.724s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:01:50] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.158s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:01:54] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:01:54] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.120s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:06:18] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.872s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:06:21] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.324s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:06:24] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.001s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:06:24] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 432 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 432 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 432 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 432 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.321s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:06:40] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.972s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:06:56] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.804s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:06:59] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.750s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:07:02] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:07:02] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.856s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:07:59] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.705s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:08:18] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.996s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:08:48] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.312s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:16:24] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.932s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:16:27] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.958s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:16:30] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:16:30] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.132s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 13:19:37] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.797s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 14:09:56] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 2.394s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 14:09:59] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:access:"POST /flask-api/generate-answer" 404 - Duration: 1.946s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 14:10:02] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -INFO:access:"POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 14:10:02] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 433 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 433 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 324 pages for document 433 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 600 ICD codes -INFO:root:Successfully indexed document 433 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 133.668s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 18:45:44] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 434 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 434 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 71 pages for document 434 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 314 ICD codes -INFO:root:Successfully indexed document 434 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 37.451s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 18:48:21] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 229 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 232 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 237 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 222 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 234 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 235 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 236 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 224 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 225 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 230 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 231 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 435 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 435 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 65 pages for document 435 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 4 ICD codes -INFO:root:Successfully indexed document 435 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 6.801s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 18:54:27] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 436 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 436 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71527 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 71 pages for document 436 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 314 ICD codes -INFO:root:Successfully indexed document 436 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 46.646s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 18:58:58] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 437 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 437 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71528 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71530 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71530 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 68 pages for document 437 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 7 ICD codes -INFO:root:Successfully indexed document 437 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 7.358s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 19:13:00] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 438 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 438 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 16 pages for document 438 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 438 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.836s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 19:20:41] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 439 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 439 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 439 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 439 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.152s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 19:22:33] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:root:Received request to delete vectors for document 439 from hospital 229 -INFO:root:Successfully deleted vectors for document 439 from hospital 229 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.091s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 19:24:52] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:root:Received request to delete vectors for document 438 from hospital 229 -INFO:root:Successfully deleted vectors for document 438 from hospital 229 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.109s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 19:25:03] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:root:Received request to delete vectors for document 437 from hospital 229 -INFO:root:Successfully deleted vectors for document 437 from hospital 229 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.351s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 19:25:08] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 440 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 440 -INFO:root:Extracting PDF contents... -WARNING:pypdf.generic._data_structures:Multiple definitions in dictionary at byte 0xc434 for key /Creator -WARNING:pypdf.generic._data_structures:Multiple definitions in dictionary at byte 0xc447 for key /Producer -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 10 pages for document 440 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 440 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.717s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 19:25:54] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 441 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 441 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 68 pages for document 441 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 7 ICD codes -INFO:root:Successfully indexed document 441 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 7.598s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 19:27:55] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 442 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 442 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 68 pages for document 442 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 7 ICD codes -INFO:root:Successfully indexed document 442 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 6.989s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 19:32:52] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 443 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 443 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 324 pages for document 443 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 600 ICD codes -INFO:root:Successfully indexed document 443 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 126.951s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 19:35:30] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 444 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 444 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 444 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 444 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.164s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 19:37:08] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 445 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 445 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 16 pages for document 445 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 445 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 2.008s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 19:37:35] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 446 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 446 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 16 pages for document 446 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 446 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 2.494s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 21:32:27] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 447 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 447 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 2966 pages for document 447 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 71572 ICD codes -INFO:root:Successfully indexed document 447 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1310.089s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 22:01:29] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 448 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 448 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 448 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 448 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.171s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [08/Jun/2025 22:01:30] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:root:Creating vector store for hospital 51 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:access:"GET /flask-api/get-chroma-content" 404 - Duration: 4.423s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 08:23:44] "[33mGET /flask-api/get-chroma-content?hospital_id=51 HTTP/1.1[0m" 404 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 239, doc_id 449 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 449 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Creating vector store for hospital 239 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Processing 1 pages for document 449 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 449 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 5.619s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 08:33:13] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:root:Received request to delete vectors for document 425 from hospital 229 -INFO:root:Received request to delete vectors for document 425 from hospital 229 -INFO:root:Successfully deleted vectors for document 425 from hospital 229 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 10.160s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 08:35:59] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:root:Successfully deleted vectors for document 425 from hospital 229 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 5.948s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 08:35:59] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:root:Received request to delete vectors for document 427 from hospital 229 -INFO:root:Successfully deleted vectors for document 427 from hospital 229 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 1.606s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 08:36:33] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:root:Received request to delete vectors for document 429 from hospital 229 -INFO:root:Successfully deleted vectors for document 429 from hospital 229 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.101s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 08:36:42] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:root:Received request to delete vectors for document 440 from hospital 229 -INFO:root:Successfully deleted vectors for document 440 from hospital 229 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.262s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 08:36:47] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:root:Received request to delete vectors for document 441 from hospital 229 -INFO:root:Successfully deleted vectors for document 441 from hospital 229 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.305s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 08:39:07] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:root:Received request to delete vectors for document 431 from hospital 229 -INFO:root:Successfully deleted vectors for document 431 from hospital 229 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.679s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 08:39:17] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:root:Received request to delete vectors for document 448 from hospital 229 -INFO:root:Successfully deleted vectors for document 448 from hospital 229 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.186s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 08:39:24] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 450 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 450 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 2966 pages for document 450 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 71572 ICD codes -INFO:root:Successfully indexed document 450 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1284.241s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:02:11] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 451 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 451 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Successfully saved 71532 unique ICD codes to JSON for hospital 229 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 2966 pages for document 451 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 71572 ICD codes -INFO:root:Successfully indexed document 451 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1295.720s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:23:47] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 452 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 452 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 452 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 452 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 0.756s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:23:48] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 240, doc_id 453 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 453 -INFO:root:Extracting PDF contents... -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 240, doc_id 453 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 453 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 1 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 2 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 2 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 4 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 4 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 4 unique ICD codes to JSON for hospital 240 -ERROR:root:Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -INFO:root:Successfully saved 5 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 6 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 6 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 6 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 6 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 6 unique ICD codes to JSON for hospital 240 -ERROR:root:Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -INFO:root:Successfully saved 7 unique ICD codes to JSON for hospital 240 -ERROR:root:Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -INFO:root:Successfully saved 9 unique ICD codes to JSON for hospital 240 -ERROR:root:Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -INFO:root:Successfully saved 10 unique ICD codes to JSON for hospital 240 -ERROR:root:Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 10 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 240 -ERROR:root:Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -INFO:root:Inserting content into database... -INFO:root:Successfully saved 10 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 240 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 240 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Creating vector store for hospital 240 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating embeddings and indexing... -INFO:root:Loading vector store for hospital 240 and user default -INFO:root:Processing 60 pages for document 453 -INFO:root:Processing 60 pages for document 453 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 40 ICD codes -INFO:root:Successfully indexed document 453 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 15.530s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:44:18] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:root:Saving 40 ICD codes -INFO:root:Successfully indexed document 453 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 16.183s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:44:18] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 32, doc_id 454 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 454 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 2 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 2 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 4 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 5 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 6 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 6 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 7 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 8 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 9 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 10 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 10 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 11 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 12 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 13 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 14 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 14 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 17 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 17 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 19 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 19 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 19 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 19 unique ICD codes to JSON for hospital 32 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 70 pages for document 454 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 39 ICD codes -INFO:root:Successfully indexed document 454 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 3.988s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:45:41] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 32, doc_id 455 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 455 -INFO:root:Extracting PDF contents... -INFO:root:Received request to delete vectors for document 304 from hospital 32 -INFO:root:Successfully deleted vectors for document 304 from hospital 32 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.402s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:45:42] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:root:Successfully saved 21 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 22 unique ICD codes to JSON for hospital 32 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 56 pages for document 455 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 3 ICD codes -INFO:root:Successfully indexed document 455 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 5.136s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:45:46] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 32, doc_id 456 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 456 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 22 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 22 unique ICD codes to JSON for hospital 32 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 56 pages for document 456 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 3 ICD codes -INFO:root:Successfully indexed document 456 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 4.786s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:45:50] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 32, doc_id 457 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 457 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 26 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 26 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 26 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 26 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 26 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 27 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 28 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 28 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 28 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 29 unique ICD codes to JSON for hospital 32 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 28 pages for document 457 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 31 ICD codes -INFO:root:Successfully indexed document 457 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 2.478s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:45:53] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 32, doc_id 458 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 458 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 29 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 29 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 29 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 31 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 31 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 31 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 33 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 34 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 35 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 35 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 35 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 35 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 35 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 35 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 35 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 36 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 36 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 36 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 36 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 37 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 37 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 38 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 38 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 38 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 38 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 38 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 39 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 39 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 40 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 40 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 40 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 41 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 42 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 42 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 42 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 42 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 43 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 44 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 45 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 45 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 45 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 45 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 45 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 45 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 45 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 45 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 45 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 45 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 45 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 46 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 47 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 47 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 47 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 47 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 47 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 47 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 47 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 48 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 49 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 50 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 50 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 50 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 50 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 51 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 52 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 52 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 56 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 56 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 56 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 56 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 56 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 59 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 61 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 61 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 61 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 61 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 61 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 61 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 61 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 61 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 61 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 61 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 62 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 62 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 62 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 62 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 62 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 62 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 62 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 62 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 62 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 65 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 66 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 67 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 67 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 67 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 70 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 74 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 75 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 75 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 77 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 77 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 77 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 77 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 78 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 78 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 78 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 78 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 78 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 78 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 78 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 78 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 79 unique ICD codes to JSON for hospital 32 -INFO:root:Successfully saved 80 unique ICD codes to JSON for hospital 32 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 222 pages for document 458 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 385 ICD codes -INFO:root:Successfully indexed document 458 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 19.111s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:12] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 32, doc_id 459 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 459 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 5 pages for document 459 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 459 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 2.135s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:14] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 32, doc_id 460 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 460 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 5 pages for document 460 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is legal/statutory requirements? -INFO:root:Received hospital code: VOFE77CJLUCD -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 240 -INFO:root:Successfully indexed document 460 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.657s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:16] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_240:what is legal/statutory requirements? -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is legal/statutory requirements? -INFO:root:Stored RAG interaction in Redis for default:240:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.694s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:18] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital None, doc_id None -INFO:access:"POST /flask-api/process-pdf" 400 - Duration: 0.001s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:34] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital None, doc_id None -INFO:access:"POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:34] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital None, doc_id None -INFO:access:"POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:34] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital None, doc_id None -INFO:access:"POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:34] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -INFO:access:"DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:35] "[31m[1mDELETE /flask-api/delete-document-vectors HTTP/1.1[0m" 400 - -INFO:access:"DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:35] "[31m[1mDELETE /flask-api/delete-document-vectors HTTP/1.1[0m" 400 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 32, doc_id None -INFO:access:"POST /flask-api/process-pdf" 400 - Duration: 0.045s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:35] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 32, doc_id None -INFO:access:"POST /flask-api/process-pdf" 400 - Duration: 0.040s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:35] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user None: what is the hospital policy? -INFO:root:Received hospital code: NN32C703J3SP -INFO:root:Received session_id: None -INFO:root:Resolved hospital ID: 32 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_32:what is the hospital policy? -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is the hospital policy? -INFO:root:Stored RAG interaction in Redis for None:32:None -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.582s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:38] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user None: can you explain more about that policy? -INFO:root:Received hospital code: NN32C703J3SP -INFO:root:Received session_id: None -INFO:root:Resolved hospital ID: 32 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Enhanced contextual query: Hospital policy covers various aspects of employment and workplace conduct, including equal employment opportunity, sameness vs. consistency, safety policy, domestic violence policy, guns in the workplace, personnel records, business ethics and standards of conduct, confidentiality/right to privacy, and acceptable use of hospital hardware/software and data. To find more detailed information about the hospital policy, you can search for the specific policies mentioned in the previous answer such as equal employment opportunity, safety policy, domestic violence policy, guns in the workplace, personnel records, business ethics and standards of conduct, confidentiality/right to privacy, and acceptable use of hospital hardware/software and data. -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_32:hospital policy covers various aspects of employment and workplace conduct, including equal employment opportunity, sameness vs. consistency, safety policy, domestic violence policy, guns in the workplace, personnel records, business ethics and standards of conduct, confidentiality/right to privacy, and acceptable use of hospital hardware/software and data. to find more detailed information about the hospital policy, you can search for the specific policies mentioned in the previous answer such as equal employment opportunity, safety policy, domestic violence policy, guns in the workplace, personnel records, business ethics and standards of conduct, confidentiality/right to privacy, and acceptable use of hospital hardware/software and data. -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: can you explain more about that policy? -INFO:root:Stored RAG interaction in Redis for None:32:None -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 5.677s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:44] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital None, doc_id 37 -INFO:access:"POST /flask-api/process-pdf" 400 - Duration: 0.341s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:47] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital None, doc_id None -INFO:access:"POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:47] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user 31: what is the hospital policy? -INFO:root:Received hospital code: NN32C703J3SP -INFO:root:Received session_id: None -INFO:root:Resolved hospital ID: 32 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_32:doc_37:what is the hospital policy? -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is the hospital policy? -INFO:root:Stored RAG interaction in Redis for 31:32:None -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.933s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:52] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:root:Received request to delete vectors for document 37 from hospital 66 -INFO:root:Successfully deleted vectors for document 37 from hospital 66 -INFO:access:"DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.009s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:52] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -INFO:access:"DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 09:46:52] "[31m[1mDELETE /flask-api/delete-document-vectors HTTP/1.1[0m" 400 - -INFO:access:"GET /flask-api/" 404 - Duration: 0.001s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 11:46:24] "[33mGET /flask-api/ HTTP/1.1[0m" 404 - -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 248 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 249 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 251 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 252 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 253 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 229 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 232 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 237 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 238 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 247 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 222 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 234 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 235 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 236 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 224 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 225 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 230 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 231 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 239 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 246 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 240 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 242 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 243 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 248 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 249 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 251 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 252 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 253 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 229 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 232 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 237 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 238 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 247 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 222 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 234 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 235 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 236 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 224 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 225 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 230 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 231 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 239 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 246 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 240 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 242 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 243 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 464 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 464 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 464 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 464 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 2.286s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:03:48] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 465 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 465 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 465 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 465 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.373s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:04:10] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 466 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 466 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 466 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 466 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 3.235s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:05:40] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me difference between cylinders and oxygen concentrator -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:tell me difference between cylinders and oxygen concentrator -INFO:root:Total context length: 656 words -INFO:root:Key words: ['difference', 'between', 'cylinders', 'oxygen', 'concentrator'] -INFO:root:Matches: 1 out of 5 keywords -INFO:root:Match ratio: 0.2 -INFO:root:B -INFO:root:No relevant context or general knowledge question detected -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.298s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:13:30] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about payroll deduction in catholic healthcare -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:tell me about payroll deduction in catholic healthcare -INFO:root:Total context length: 719 words -INFO:root:Key words: ['payroll', 'deduction', 'catholic', 'healthcare'] -INFO:root:Matches: 4 out of 4 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity overlap: False -INFO:root:- SpaCy similarity: 0.67 -INFO:root:- Is follow-up: False -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: tell me about payroll deduction in catholic healthcare -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 5.037s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:13:59] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what are the different classification of employment in catholic healthcare -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what are the different classification of employment in catholic healthcare -INFO:root:Total context length: 673 words -INFO:root:Key words: ['classification', 'employment', 'catholic', 'healthcare'] -INFO:root:Matches: 3 out of 4 keywords -INFO:root:Match ratio: 0.75 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.02 -INFO:root:- Entity overlap: True -INFO:root:- SpaCy similarity: 0.62 -INFO:root:- Is follow-up: False -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what are the different classification of employment in catholic healthcare -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.809s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:14:21] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about rakesh sharma -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:tell me about rakesh sharma -INFO:root:Total context length: 383 words -INFO:root:Key words: ['rakesh', 'sharma'] -INFO:root:Matches: 1 out of 2 keywords -INFO:root:Match ratio: 0.5 -INFO:root:B -INFO:root:No relevant context or general knowledge question detected -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 1.475s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:15:02] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about ramesh sharma -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:tell me about ramesh sharma -INFO:root:Total context length: 350 words -INFO:root:Key words: ['ramesh', 'sharma'] -INFO:root:Matches: 2 out of 2 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.09 -INFO:root:- Entity overlap: False -INFO:root:- SpaCy similarity: 0.69 -INFO:root:- Is follow-up: False -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: tell me about ramesh sharma -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 5.224s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:15:27] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is his family type -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what is his family type -INFO:root:Total context length: 717 words -INFO:root:Key words: ['his', 'family'] -INFO:root:Matches: 2 out of 2 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: True -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity overlap: False -INFO:root:- SpaCy similarity: -0.06 -INFO:root:- Is follow-up: True -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is his family type -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.188s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:15:48] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: when was the pay day in catholic healthcare -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:when was the pay day in catholic healthcare -INFO:root:Total context length: 739 words -INFO:root:Key words: ['pay', 'day', 'catholic', 'healthcare'] -INFO:root:Matches: 4 out of 4 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity overlap: False -INFO:root:- SpaCy similarity: 0.37 -INFO:root:- Is follow-up: False -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: when was the pay day in catholic healthcare -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.627s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:16:00] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is the code for para typhoid fever a -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what is the code for para typhoid fever a -INFO:root:Total context length: 496 words -INFO:root:Key words: ['code', 'para', 'typhoid', 'fever'] -INFO:root:Matches: 4 out of 4 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity overlap: False -INFO:root:- SpaCy similarity: 0.57 -INFO:root:- Is follow-up: False -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is the code for para typhoid fever a -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.056s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:16:30] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is a000 in icd -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what is a000 in icd -INFO:root:Total context length: 506 words -INFO:root:Key words: ['a000', 'icd'] -INFO:root:Matches: 2 out of 2 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity overlap: False -INFO:root:- SpaCy similarity: 0.40 -INFO:root:- Is follow-up: False -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is a000 in icd -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 3.384s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:16:47] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is the age of rakesh sharma -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what is the age of rakesh sharma -INFO:root:Total context length: 342 words -INFO:root:Key words: ['age', 'rakesh', 'sharma'] -INFO:root:Matches: 2 out of 3 keywords -INFO:root:Match ratio: 0.6666666666666666 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity overlap: False -INFO:root:- SpaCy similarity: 0.45 -INFO:root:- Is follow-up: False -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is the age of rakesh sharma -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 6.282s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:17:04] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: who is the president of catholic healthcare -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:who is the president of catholic healthcare -INFO:root:Total context length: 774 words -INFO:root:Key words: ['president', 'catholic', 'healthcare'] -INFO:root:Matches: 3 out of 3 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity overlap: False -INFO:root:- SpaCy similarity: 0.59 -INFO:root:- Is follow-up: False -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: who is the president of catholic healthcare -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 4.596s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:17:23] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 229, doc_id 467 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 467 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 467 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 467 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.069s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:20:15] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about pneumonia -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:tell me about pneumonia -INFO:root:Total context length: 473 words -INFO:root:Key words: ['pneumonia'] -INFO:root:Matches: 1 out of 1 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity overlap: False -INFO:root:- SpaCy similarity: 0.31 -INFO:root:- Is follow-up: False -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: tell me about pneumonia -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 7.873s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:20:40] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: tell me about rakesh sharma -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:root:Cache hit for key: context:hospital_229:tell me about rakesh sharma -INFO:root:Total context length: 383 words -INFO:root:Key words: ['rakesh', 'sharma'] -INFO:root:Matches: 1 out of 2 keywords -INFO:root:Match ratio: 0.5 -INFO:root:B -INFO:root:No relevant context or general knowledge question detected -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 0.555s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:21:35] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: who is rakesh sharma -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:who is rakesh sharma -INFO:root:Total context length: 441 words -INFO:root:Key words: ['rakesh', 'sharma'] -INFO:root:Matches: 2 out of 2 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.20 -INFO:root:- Entity overlap: False -INFO:root:- SpaCy similarity: 0.21 -INFO:root:- Is follow-up: False -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: who is rakesh sharma -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.945s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:22:00] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: at what time akash will go for gym -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:at what time akash will go for gym -INFO:root:Total context length: 676 words -INFO:root:Key words: ['time', 'akash', 'will', 'gym'] -INFO:root:Matches: 4 out of 4 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity overlap: False -INFO:root:- SpaCy similarity: 0.37 -INFO:root:- Is follow-up: False -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: at what time akash will go for gym -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 14.935s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:22:46] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: pay day in catholic -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 4 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:pay day in catholic -INFO:root:Total context length: 679 words -INFO:root:Key words: ['pay', 'day', 'catholic'] -INFO:root:Matches: 3 out of 3 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity overlap: False -INFO:root:- SpaCy similarity: 0.50 -INFO:root:- Is follow-up: False -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: pay day in catholic -INFO:root:Stored RAG interaction in Redis for default:229:4 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.289s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:24:31] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is the code for paratyphoid fever b -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 5 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what is the code for paratyphoid fever b -INFO:root:Total context length: 286 words -INFO:root:Key words: ['code', 'paratyphoid', 'fever'] -INFO:root:Matches: 3 out of 3 keywords -INFO:root:Match ratio: 1.0 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is the code for paratyphoid fever b -INFO:root:Stored RAG interaction in Redis for default:229:5 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 2.049s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:26:42] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is the code for para typhoid fever a -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 5 -INFO:root:Resolved hospital ID: 229 -INFO:root:Cache hit for key: context:hospital_229:what is the code for para typhoid fever a -INFO:root:Total context length: 496 words -INFO:root:Key words: ['code', 'para', 'typhoid', 'fever'] -INFO:root:Matches: 4 out of 4 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.25 -INFO:root:- Entity overlap: False -INFO:root:- SpaCy similarity: 0.63 -INFO:root:- Is follow-up: False -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: what is the code for para typhoid fever a -INFO:root:Stored RAG interaction in Redis for default:229:5 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 1.296s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:26:53] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: family id of ramesh sharma -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 5 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:family id of ramesh sharma -INFO:root:Total context length: 389 words -INFO:root:Key words: ['family', 'ramesh', 'sharma'] -INFO:root:Matches: 3 out of 3 keywords -INFO:root:Match ratio: 1.0 -INFO:root:Follow-up analysis: -INFO:root:- Referential words: False -INFO:root:- Term similarity: 0.00 -INFO:root:- Entity overlap: False -INFO:root:- SpaCy similarity: 0.61 -INFO:root:- Is follow-up: False -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -INFO:root:Generated RAG answer for question: family id of ramesh sharma -INFO:root:Stored RAG interaction in Redis for default:229:5 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 1.985s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:30:08] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is his wife name -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 5 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what is his wife name -INFO:root:Total context length: 191 words -INFO:root:Key words: ['his', 'wife', 'name'] -INFO:root:Matches: 1 out of 3 keywords -INFO:root:Match ratio: 0.3333333333333333 -INFO:root:B -INFO:root:No relevant context or general knowledge question detected -INFO:root:Stored RAG interaction in Redis for default:229:5 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 1.207s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:30:24] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is this daughter name -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 5 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what is this daughter name -INFO:root:Total context length: 372 words -INFO:root:Key words: ['this', 'daughter', 'name'] -INFO:root:Matches: 1 out of 3 keywords -INFO:root:Match ratio: 0.3333333333333333 -INFO:root:B -INFO:root:No relevant context or general knowledge question detected -INFO:root:Stored RAG interaction in Redis for default:229:5 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 1.241s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:30:35] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: what is his daughter name -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 5 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:what is his daughter name -INFO:root:Total context length: 230 words -INFO:root:Key words: ['his', 'daughter', 'name'] -INFO:root:Matches: 1 out of 3 keywords -INFO:root:Match ratio: 0.3333333333333333 -INFO:root:B -INFO:root:No relevant context or general knowledge question detected -INFO:root:Stored RAG interaction in Redis for default:229:5 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 1.336s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 13:30:49] "POST /flask-api/generate-answer HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 468 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 468 -INFO:root:Extracting PDF contents... -WARNING:pypdf._reader:Ignoring wrong pointing object 8 0 (offset 0) -WARNING:pypdf._reader:Ignoring wrong pointing object 10 0 (offset 0) -WARNING:pypdf._reader:Ignoring wrong pointing object 12 0 (offset 0) -WARNING:pypdf._reader:Ignoring wrong pointing object 14 0 (offset 0) -INFO:root:Successfully saved 1 unique ICD codes to JSON for hospital 246 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 468 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 1 ICD codes -INFO:root:Successfully indexed document 468 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.138s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 14:22:56] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 469 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 469 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 2 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 3 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 4 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 4 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 4 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 4 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 14 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 15 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 16 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 40 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 67 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 87 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 109 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 126 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 127 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 128 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 128 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 128 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 128 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 129 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 130 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 131 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 132 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 132 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 132 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 132 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 132 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 132 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 133 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 133 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 133 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 133 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 133 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 133 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 133 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 133 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 133 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 136 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 137 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 137 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 137 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 137 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 137 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 139 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 139 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 139 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 139 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 139 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 139 unique ICD codes to JSON for hospital 246 -INFO:root:Successfully saved 142 unique ICD codes to JSON for hospital 246 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 242 pages for document 469 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 417 ICD codes -INFO:root:Successfully indexed document 469 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 31.340s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 14:24:10] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 470 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 470 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 470 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 470 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.046s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 14:28:07] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 471 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 471 -INFO:root:Extracting PDF contents... -WARNING:pypdf.generic._data_structures:Multiple definitions in dictionary at byte 0xc434 for key /Creator -WARNING:pypdf.generic._data_structures:Multiple definitions in dictionary at byte 0xc447 for key /Producer -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 10 pages for document 471 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 471 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.862s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 14:32:28] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 472 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 472 -INFO:root:Extracting PDF contents... -WARNING:pypdf._reader:Ignoring wrong pointing object 6 0 (offset 0) -WARNING:pypdf._reader:Ignoring wrong pointing object 8 0 (offset 0) -WARNING:pypdf._reader:Ignoring wrong pointing object 10 0 (offset 0) -WARNING:pypdf._reader:Ignoring wrong pointing object 13 0 (offset 0) -WARNING:pypdf._reader:Ignoring wrong pointing object 15 0 (offset 0) -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 472 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 472 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.219s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 14:32:54] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 473 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 473 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 2 pages for document 473 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 473 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.225s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 14:35:11] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 474 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 474 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 474 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 474 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 0.933s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 14:37:00] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 475 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 475 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 475 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 475 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 1.039s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 14:38:12] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 476 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 476 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 1 pages for document 476 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 476 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 0.734s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 14:39:58] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 477 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 477 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 10 pages for document 477 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 477 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 2.387s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 14:41:15] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 478 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 478 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 8 pages for document 478 -INFO:root:Successfully indexed document 478 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 0.415s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 14:43:29] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 246, doc_id 479 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 479 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 19 pages for document 479 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Successfully indexed document 479 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 2.577s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 14:43:50] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 253, doc_id 480 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 480 -INFO:root:Extracting PDF contents... -INFO:root:Successfully saved 2 unique ICD codes to JSON for hospital 253 -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 10 pages for document 480 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Saving 2 ICD codes -INFO:root:Successfully indexed document 480 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 2.068s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 14:50:31] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 255, doc_id 481 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 481 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Creating vector store for hospital 255 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Processing 8 pages for document 481 -INFO:root:Successfully indexed document 481 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 5.616s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 15:47:28] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:root:Cleaning up models... -INFO:root:Models cleaned up successfully -INFO:root:Initializing ModelManager - Loading models... -INFO:root:Using device: cpu -INFO:sentence_transformers.SentenceTransformer:Use pytorch device_name: cpu -INFO:sentence_transformers.SentenceTransformer:Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -INFO:root:Models loaded successfully with batch optimization -INFO:root:Starting SpurrinAI application -INFO:root:Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -INFO:root:Environment: production -INFO:root:Model manager initialized successfully -INFO:root:Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -INFO:root:Cleared 0 Redis cache keys -INFO:root:Loading existing vector stores... -INFO:root:Loading vector store for hospital 6 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 10 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 16 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 19 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 26 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 27 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 29 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 31 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 32 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 36 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 37 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 41 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 42 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 47 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 48 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 52 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 53 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 56 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 57 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 59 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 60 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 64 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 65 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 66 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 67 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 68 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 69 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 70 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 71 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 72 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 73 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 75 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 76 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 80 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 81 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 86 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 87 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 90 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 91 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 92 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 94 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 95 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 96 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 97 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 99 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 103 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 106 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 107 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 110 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 111 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 112 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 113 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 114 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 116 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 117 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 118 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 119 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 121 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 122 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 123 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 124 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 126 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 127 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 129 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 131 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 132 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 136 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 137 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 141 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 142 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 145 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 146 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 148 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 177 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 178 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 186 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 187 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 191 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 192 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 200 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 248 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 249 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 251 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 252 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 253 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 45 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 63 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 93 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 98 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 102 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 104 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 229 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 232 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 237 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 238 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 247 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 109 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 222 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 234 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 235 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 236 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 149 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 150 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 151 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 152 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 153 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 154 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 155 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 157 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 158 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 160 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 162 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 163 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 166 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 167 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 168 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 169 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 170 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 172 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 173 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 181 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 182 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 183 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 184 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 194 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 195 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 196 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 197 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 198 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 199 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 201 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 202 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 203 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 204 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 206 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 207 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 209 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 210 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 212 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 213 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 224 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 225 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 230 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 231 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 239 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 246 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Creating vector store for hospital 254 -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 255 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 240 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 242 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Loading vector store for hospital 243 and user default -INFO:chromadb.telemetry.product.posthog:Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -INFO:root:Vector stores loaded successfully -INFO:root:Starting Flask application on port 5000 -INFO:werkzeug:[31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -INFO:werkzeug:[33mPress CTRL+C to quit[0m -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 255, doc_id 482 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 482 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 8 pages for document 482 -INFO:root:Successfully indexed document 482 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 0.639s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 16:02:31] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:PDF processing request received from 127.0.0.1 -INFO:root:Received PDF processing request for hospital 255, doc_id 483 -ERROR:root:Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -INFO:root:Starting processing of document 483 -INFO:root:Extracting PDF contents... -INFO:root:Inserting content into database... -INFO:root:Creating embeddings and indexing... -INFO:root:Processing 8 pages for document 483 -INFO:root:Successfully indexed document 483 -INFO:root:Document processing completed successfully -INFO:access:"POST /flask-api/process-pdf" 200 - Duration: 0.404s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 16:11:45] "POST /flask-api/process-pdf HTTP/1.1" 200 - -INFO:access:Generate answer request received from 127.0.0.1 -INFO:root:Received question from user default: hi how are you -INFO:root:Received hospital code: 7SZLQGX2HHU1 -INFO:root:Received session_id: 1 -INFO:root:Resolved hospital ID: 229 -INFO:httpx:HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -INFO:root:Cached context for key: context:hospital_229:hi how are you -INFO:root:Total context length: 45 words -INFO:root:{'## Document Context\nThis is the another set of our general / llm model with the context for the recent conversation\n\nPage65 | 65\n\nHuels, Gibson and TillmanHuels, Gibson and Tillmanemiliano.ortiz@hotmail.comemiliano.ortiz@hotmail.com1-414-318-49821-414-318-4982\n\nHuels, Gibson and TillmanHuels, Gibson and Tillmanemiliano.ortiz@hotmail.comemiliano.ortiz@hotmail.com1-414-318-49821-414-318-4982\n\nHirthe, Kutch and LemkeHirthe, Kutch and Lemkeybeatty@yahoo.comybeatty@yahoo.com380.291.8519380.291.8519'} -INFO:root:Key words: [] -INFO:root:No significant keywords found, directing to general knowledge -INFO:root:B -INFO:root:No relevant context or general knowledge question detected -INFO:root:Stored RAG interaction in Redis for default:229:1 -INFO:access:"POST /flask-api/generate-answer" 200 - Duration: 17.397s - IP: 127.0.0.1 -INFO:werkzeug:127.0.0.1 - - [09/Jun/2025 18:14:50] "POST /flask-api/generate-answer HTTP/1.1" 200 - diff --git a/llm-uploads/doc_407_file-1749219659845-236893163-Standard-Operating-Procedure-for-JDWNRHpages.pdf b/llm-uploads/doc_407_file-1749219659845-236893163-Standard-Operating-Procedure-for-JDWNRHpages.pdf deleted file mode 100644 index 171d47c..0000000 Binary files a/llm-uploads/doc_407_file-1749219659845-236893163-Standard-Operating-Procedure-for-JDWNRHpages.pdf and /dev/null differ diff --git a/logs/access.log b/logs/access.log deleted file mode 100644 index 72c167c..0000000 --- a/logs/access.log +++ /dev/null @@ -1,151 +0,0 @@ -2025-06-09 08:23:44,062 - INFO - "GET /flask-api/get-chroma-content" 404 - Duration: 4.423s - IP: 127.0.0.1 -2025-06-09 08:33:07,749 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 08:33:13,368 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 5.619s - IP: 127.0.0.1 -2025-06-09 08:35:59,718 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 10.160s - IP: 127.0.0.1 -2025-06-09 08:35:59,751 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 5.948s - IP: 127.0.0.1 -2025-06-09 08:36:33,990 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 1.606s - IP: 127.0.0.1 -2025-06-09 08:36:42,009 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.101s - IP: 127.0.0.1 -2025-06-09 08:36:47,823 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.262s - IP: 127.0.0.1 -2025-06-09 08:39:07,100 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.305s - IP: 127.0.0.1 -2025-06-09 08:39:17,353 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.679s - IP: 127.0.0.1 -2025-06-09 08:39:24,319 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.186s - IP: 127.0.0.1 -2025-06-09 08:40:47,458 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:02:11,699 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1284.241s - IP: 127.0.0.1 -2025-06-09 09:02:11,708 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:23:47,428 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1295.720s - IP: 127.0.0.1 -2025-06-09 09:23:47,438 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:23:48,194 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 0.756s - IP: 127.0.0.1 -2025-06-09 09:44:02,657 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:44:02,732 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:44:18,187 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 15.530s - IP: 127.0.0.1 -2025-06-09 09:44:18,916 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 16.183s - IP: 127.0.0.1 -2025-06-09 09:45:37,012 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:45:41,000 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 3.988s - IP: 127.0.0.1 -2025-06-09 09:45:41,005 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:45:41,996 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.402s - IP: 127.0.0.1 -2025-06-09 09:45:46,141 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 5.136s - IP: 127.0.0.1 -2025-06-09 09:45:46,147 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:45:50,933 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 4.786s - IP: 127.0.0.1 -2025-06-09 09:45:50,938 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:45:53,416 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 2.478s - IP: 127.0.0.1 -2025-06-09 09:45:53,424 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:12,535 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 19.111s - IP: 127.0.0.1 -2025-06-09 09:46:12,542 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:14,676 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 2.135s - IP: 127.0.0.1 -2025-06-09 09:46:14,682 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:15,923 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 09:46:16,338 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.657s - IP: 127.0.0.1 -2025-06-09 09:46:18,617 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.694s - IP: 127.0.0.1 -2025-06-09 09:46:34,853 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:34,854 - INFO - "POST /flask-api/process-pdf" 400 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-09 09:46:34,880 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:34,881 - INFO - "POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-09 09:46:34,917 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:34,917 - INFO - "POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-09 09:46:34,952 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:34,953 - INFO - "POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-09 09:46:35,033 - INFO - "DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-09 09:46:35,077 - INFO - "DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-09 09:46:35,109 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:35,154 - INFO - "POST /flask-api/process-pdf" 400 - Duration: 0.045s - IP: 127.0.0.1 -2025-06-09 09:46:35,205 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:35,245 - INFO - "POST /flask-api/process-pdf" 400 - Duration: 0.040s - IP: 127.0.0.1 -2025-06-09 09:46:35,301 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 09:46:38,883 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.582s - IP: 127.0.0.1 -2025-06-09 09:46:38,924 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 09:46:44,600 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 5.677s - IP: 127.0.0.1 -2025-06-09 09:46:47,483 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:47,824 - INFO - "POST /flask-api/process-pdf" 400 - Duration: 0.341s - IP: 127.0.0.1 -2025-06-09 09:46:47,868 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:47,868 - INFO - "POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-09 09:46:47,899 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 09:46:52,833 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.933s - IP: 127.0.0.1 -2025-06-09 09:46:52,876 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.009s - IP: 127.0.0.1 -2025-06-09 09:46:52,899 - INFO - "DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-09 11:46:24,367 - INFO - "GET /flask-api/" 404 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-09 13:03:46,712 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 13:03:48,998 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 2.286s - IP: 127.0.0.1 -2025-06-09 13:04:09,164 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 13:04:10,537 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.373s - IP: 127.0.0.1 -2025-06-09 13:05:37,649 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 13:05:40,884 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 3.235s - IP: 127.0.0.1 -2025-06-09 13:13:27,932 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:13:30,230 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.298s - IP: 127.0.0.1 -2025-06-09 13:13:54,677 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:13:59,714 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 5.037s - IP: 127.0.0.1 -2025-06-09 13:14:17,423 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:14:21,231 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.809s - IP: 127.0.0.1 -2025-06-09 13:15:00,789 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:15:02,264 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 1.475s - IP: 127.0.0.1 -2025-06-09 13:15:22,589 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:15:27,812 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 5.224s - IP: 127.0.0.1 -2025-06-09 13:15:46,770 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:15:48,958 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.188s - IP: 127.0.0.1 -2025-06-09 13:15:57,542 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:16:00,169 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.627s - IP: 127.0.0.1 -2025-06-09 13:16:28,464 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:16:30,519 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.056s - IP: 127.0.0.1 -2025-06-09 13:16:44,514 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:16:47,898 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.384s - IP: 127.0.0.1 -2025-06-09 13:16:58,457 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:17:04,739 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 6.282s - IP: 127.0.0.1 -2025-06-09 13:17:18,870 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:17:23,466 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.596s - IP: 127.0.0.1 -2025-06-09 13:20:14,649 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 13:20:15,718 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.069s - IP: 127.0.0.1 -2025-06-09 13:20:32,522 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:20:40,394 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 7.873s - IP: 127.0.0.1 -2025-06-09 13:21:34,927 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:21:35,482 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 0.555s - IP: 127.0.0.1 -2025-06-09 13:21:57,067 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:22:00,013 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.945s - IP: 127.0.0.1 -2025-06-09 13:22:31,965 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:22:46,900 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 14.935s - IP: 127.0.0.1 -2025-06-09 13:24:29,026 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:24:31,314 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.289s - IP: 127.0.0.1 -2025-06-09 13:26:40,340 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:26:42,389 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.049s - IP: 127.0.0.1 -2025-06-09 13:26:51,824 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:26:53,120 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 1.296s - IP: 127.0.0.1 -2025-06-09 13:30:06,806 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:30:08,790 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 1.985s - IP: 127.0.0.1 -2025-06-09 13:30:23,416 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:30:24,623 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 1.207s - IP: 127.0.0.1 -2025-06-09 13:30:34,372 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:30:35,613 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 1.241s - IP: 127.0.0.1 -2025-06-09 13:30:47,901 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 13:30:49,237 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 1.336s - IP: 127.0.0.1 -2025-06-09 14:22:55,613 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 14:22:56,751 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.138s - IP: 127.0.0.1 -2025-06-09 14:23:38,767 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 14:24:10,108 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 31.340s - IP: 127.0.0.1 -2025-06-09 14:28:06,695 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 14:28:07,741 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.046s - IP: 127.0.0.1 -2025-06-09 14:32:26,845 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 14:32:28,707 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.862s - IP: 127.0.0.1 -2025-06-09 14:32:53,549 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 14:32:54,767 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.219s - IP: 127.0.0.1 -2025-06-09 14:35:10,483 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 14:35:11,708 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.225s - IP: 127.0.0.1 -2025-06-09 14:36:59,949 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 14:37:00,881 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 0.933s - IP: 127.0.0.1 -2025-06-09 14:38:11,319 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 14:38:12,359 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.039s - IP: 127.0.0.1 -2025-06-09 14:39:57,788 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 14:39:58,523 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 0.734s - IP: 127.0.0.1 -2025-06-09 14:41:12,960 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 14:41:15,346 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 2.387s - IP: 127.0.0.1 -2025-06-09 14:43:29,539 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 14:43:29,954 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 0.415s - IP: 127.0.0.1 -2025-06-09 14:43:48,119 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 14:43:50,697 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 2.577s - IP: 127.0.0.1 -2025-06-09 14:50:29,262 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 14:50:31,330 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 2.068s - IP: 127.0.0.1 -2025-06-09 15:47:22,968 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 15:47:28,583 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 5.616s - IP: 127.0.0.1 -2025-06-09 16:02:30,977 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 16:02:31,615 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 0.639s - IP: 127.0.0.1 -2025-06-09 16:11:44,675 - INFO - PDF processing request received from 127.0.0.1 -2025-06-09 16:11:45,079 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 0.404s - IP: 127.0.0.1 -2025-06-09 18:14:32,690 - INFO - Generate answer request received from 127.0.0.1 -2025-06-09 18:14:50,087 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 17.397s - IP: 127.0.0.1 diff --git a/logs/access.log.2025-06-06 b/logs/access.log.2025-06-06 deleted file mode 100644 index f51bd4f..0000000 --- a/logs/access.log.2025-06-06 +++ /dev/null @@ -1,82 +0,0 @@ -2025-06-06 19:06:04,212 - INFO - "GET /flask-api/get-chroma-content" 404 - Duration: 0.006s - IP: 127.0.0.1 -2025-06-06 19:13:19,205 - INFO - "GET /flask-api/get-chroma-content" 404 - Duration: 0.004s - IP: 127.0.0.1 -2025-06-06 19:13:20,688 - INFO - "GET /flask-api/get-chroma-content" 404 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-06 19:50:30,860 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 19:50:30,911 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 19:50:42,056 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 11.145s - IP: 127.0.0.1 -2025-06-06 19:50:42,771 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 11.911s - IP: 127.0.0.1 -2025-06-06 19:50:59,869 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 19:51:02,219 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 2.350s - IP: 127.0.0.1 -2025-06-06 19:51:02,227 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 19:51:04,348 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.118s - IP: 127.0.0.1 -2025-06-06 20:07:53,888 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:07:53,978 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:02,783 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 8.895s - IP: 127.0.0.1 -2025-06-06 20:08:04,362 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 10.384s - IP: 127.0.0.1 -2025-06-06 20:08:21,553 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:23,788 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 2.235s - IP: 127.0.0.1 -2025-06-06 20:08:23,794 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:25,591 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.005s - IP: 127.0.0.1 -2025-06-06 20:08:28,422 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 4.627s - IP: 127.0.0.1 -2025-06-06 20:08:28,430 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:34,785 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 6.355s - IP: 127.0.0.1 -2025-06-06 20:08:34,791 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:38,443 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 3.652s - IP: 127.0.0.1 -2025-06-06 20:08:38,449 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:42,138 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 3.689s - IP: 127.0.0.1 -2025-06-06 20:08:42,146 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:45,506 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 3.361s - IP: 127.0.0.1 -2025-06-06 20:08:45,513 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:47,626 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 2.113s - IP: 127.0.0.1 -2025-06-06 20:09:00,405 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:09:00,500 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:09:10,662 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 10.258s - IP: 127.0.0.1 -2025-06-06 20:09:11,013 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 10.512s - IP: 127.0.0.1 -2025-06-06 20:09:11,045 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:09:18,562 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 7.517s - IP: 127.0.0.1 -2025-06-06 20:09:18,598 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:09:18,599 - INFO - "POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-06 20:09:18,635 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:09:22,546 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.912s - IP: 127.0.0.1 -2025-06-06 20:09:22,574 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:09:22,577 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 0.003s - IP: 127.0.0.1 -2025-06-06 20:09:23,755 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 1.150s - IP: 127.0.0.1 -2025-06-06 20:09:23,788 - INFO - "DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-06 20:09:23,819 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:09:32,675 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 8.856s - IP: 127.0.0.1 -2025-06-06 20:09:32,712 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:09:39,875 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 7.163s - IP: 127.0.0.1 -2025-06-06 20:09:39,902 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:09:39,982 - INFO - "POST /flask-api/process-pdf" 500 - Duration: 0.080s - IP: 127.0.0.1 -2025-06-06 20:09:40,026 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:09:47,816 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 7.790s - IP: 127.0.0.1 -2025-06-06 20:09:47,855 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:09:52,737 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.882s - IP: 127.0.0.1 -2025-06-06 20:09:52,779 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:09:57,762 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.984s - IP: 127.0.0.1 -2025-06-06 20:09:57,788 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:10:02,717 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.929s - IP: 127.0.0.1 -2025-06-06 20:10:07,418 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:10:07,424 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:10:07,426 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:10:07,428 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:10:07,436 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:10:10,074 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.646s - IP: 127.0.0.1 -2025-06-06 20:10:10,115 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.691s - IP: 127.0.0.1 -2025-06-06 20:10:10,129 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.703s - IP: 127.0.0.1 -2025-06-06 20:10:10,900 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.464s - IP: 127.0.0.1 -2025-06-06 20:10:11,015 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.597s - IP: 127.0.0.1 -2025-06-06 20:10:11,252 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:10:14,893 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 3.641s - IP: 127.0.0.1 -2025-06-06 20:10:14,927 - INFO - PDF processing request received from 127.0.0.1 -2025-06-06 20:10:14,927 - INFO - "POST /flask-api/process-pdf" 400 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-06 20:10:14,954 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:10:17,784 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.829s - IP: 127.0.0.1 -2025-06-06 20:10:17,821 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.007s - IP: 127.0.0.1 -2025-06-06 20:10:17,851 - INFO - "DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-06 20:30:35,675 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:30:35,707 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 0.032s - IP: 127.0.0.1 -2025-06-06 20:36:09,060 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:36:09,074 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 0.014s - IP: 127.0.0.1 -2025-06-06 20:38:19,169 - INFO - Generate answer request received from 127.0.0.1 -2025-06-06 20:38:19,180 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 0.011s - IP: 127.0.0.1 diff --git a/logs/access.log.2025-06-07 b/logs/access.log.2025-06-07 deleted file mode 100644 index 2bb5872..0000000 --- a/logs/access.log.2025-06-07 +++ /dev/null @@ -1,129 +0,0 @@ -2025-06-07 14:19:38,534 - INFO - PDF processing request received from 127.0.0.1 -2025-06-07 14:19:42,216 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 3.681s - IP: 127.0.0.1 -2025-06-07 14:20:17,322 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 14:20:23,302 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 5.980s - IP: 127.0.0.1 -2025-06-07 14:20:56,473 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 14:21:00,129 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.656s - IP: 127.0.0.1 -2025-06-07 14:21:23,752 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 14:21:28,209 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.457s - IP: 127.0.0.1 -2025-06-07 14:22:08,096 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 14:22:08,709 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 0.613s - IP: 127.0.0.1 -2025-06-07 14:22:28,281 - INFO - PDF processing request received from 127.0.0.1 -2025-06-07 14:34:42,442 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 734.161s - IP: 127.0.0.1 -2025-06-07 14:34:42,454 - INFO - PDF processing request received from 127.0.0.1 -2025-06-07 14:34:50,781 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 8.328s - IP: 127.0.0.1 -2025-06-07 14:35:29,997 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 14:35:31,844 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 1.847s - IP: 127.0.0.1 -2025-06-07 14:35:59,277 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 14:36:01,066 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 1.789s - IP: 127.0.0.1 -2025-06-07 14:36:17,780 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 14:36:19,922 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.143s - IP: 127.0.0.1 -2025-06-07 14:36:47,905 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 14:36:51,353 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.448s - IP: 127.0.0.1 -2025-06-07 15:17:00,219 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 15:17:04,769 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.551s - IP: 127.0.0.1 -2025-06-07 15:19:41,355 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 15:19:45,003 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.648s - IP: 127.0.0.1 -2025-06-07 15:20:11,644 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 15:20:16,053 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.408s - IP: 127.0.0.1 -2025-06-07 15:21:35,575 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 15:21:36,309 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 0.734s - IP: 127.0.0.1 -2025-06-07 17:20:04,262 - INFO - PDF processing request received from 127.0.0.1 -2025-06-07 17:27:08,688 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 17:27:12,411 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.722s - IP: 127.0.0.1 -2025-06-07 17:27:34,371 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 17:27:34,867 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 0.496s - IP: 127.0.0.1 -2025-06-07 17:27:57,600 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 17:27:59,935 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.336s - IP: 127.0.0.1 -2025-06-07 17:28:38,906 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 17:28:39,354 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 0.448s - IP: 127.0.0.1 -2025-06-07 17:28:51,317 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 17:28:53,646 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.330s - IP: 127.0.0.1 -2025-06-07 17:31:35,100 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 690.838s - IP: 127.0.0.1 -2025-06-07 17:31:35,113 - INFO - PDF processing request received from 127.0.0.1 -2025-06-07 17:31:44,097 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 8.984s - IP: 127.0.0.1 -2025-06-07 18:59:58,471 - INFO - "POST /flask-api/generate-answer" 500 - Duration: 0.012s - IP: 127.0.0.1 -2025-06-07 18:59:59,489 - INFO - "POST /flask-api/generate-answer" 500 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-07 19:00:00,496 - INFO - "POST /flask-api/generate-answer" 500 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-07 19:00:00,510 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:00:20,087 - INFO - "POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-07 19:00:21,096 - INFO - "POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-07 19:00:22,104 - INFO - "POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-07 19:00:22,112 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:00:38,374 - INFO - "POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-07 19:00:39,383 - INFO - "POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-07 19:00:40,388 - INFO - "POST /flask-api/generate-answer" 500 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-07 19:00:40,394 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:03:14,959 - INFO - "POST /flask-api/generate-answer" 500 - Duration: 0.004s - IP: 127.0.0.1 -2025-06-07 19:03:15,966 - INFO - "POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-07 19:03:16,971 - INFO - "POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-07 19:03:16,976 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:04:17,639 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 19:04:22,240 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.601s - IP: 127.0.0.1 -2025-06-07 19:05:27,746 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 19:05:32,436 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.690s - IP: 127.0.0.1 -2025-06-07 19:10:52,488 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 19:10:58,328 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 5.840s - IP: 127.0.0.1 -2025-06-07 19:11:22,941 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 19:11:24,101 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 1.159s - IP: 127.0.0.1 -2025-06-07 19:12:51,666 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 19:12:56,309 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.643s - IP: 127.0.0.1 -2025-06-07 19:14:06,125 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 19:14:10,531 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.407s - IP: 127.0.0.1 -2025-06-07 19:15:00,529 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 19:15:03,577 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.047s - IP: 127.0.0.1 -2025-06-07 19:15:50,924 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 19:15:53,124 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.199s - IP: 127.0.0.1 -2025-06-07 19:16:25,209 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 19:16:28,486 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.277s - IP: 127.0.0.1 -2025-06-07 19:17:28,778 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 19:17:30,340 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 1.562s - IP: 127.0.0.1 -2025-06-07 19:18:56,864 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 19:18:59,045 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.181s - IP: 127.0.0.1 -2025-06-07 19:29:40,049 - INFO - Generate answer request received from 127.0.0.1 -2025-06-07 19:29:41,121 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 1.072s - IP: 127.0.0.1 -2025-06-07 19:32:19,246 - INFO - "POST /flask-api/generate-answer" 400 - Duration: 0.006s - IP: 127.0.0.1 -2025-06-07 19:32:20,255 - INFO - "POST /flask-api/generate-answer" 400 - Duration: 0.003s - IP: 127.0.0.1 -2025-06-07 19:32:21,263 - INFO - "POST /flask-api/generate-answer" 400 - Duration: 0.003s - IP: 127.0.0.1 -2025-06-07 19:32:21,267 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-07 19:32:57,713 - INFO - "POST /flask-api/generate-answer" 400 - Duration: 0.004s - IP: 127.0.0.1 -2025-06-07 19:32:58,728 - INFO - "POST /flask-api/generate-answer" 400 - Duration: 0.009s - IP: 127.0.0.1 -2025-06-07 19:32:59,739 - INFO - "POST /flask-api/generate-answer" 400 - Duration: 0.005s - IP: 127.0.0.1 -2025-06-07 19:32:59,744 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:35:34,982 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 5.445s - IP: 127.0.0.1 -2025-06-07 19:35:38,404 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.416s - IP: 127.0.0.1 -2025-06-07 19:35:41,316 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.907s - IP: 127.0.0.1 -2025-06-07 19:35:41,321 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:36:12,080 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 6.126s - IP: 127.0.0.1 -2025-06-07 19:37:26,739 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.431s - IP: 127.0.0.1 -2025-06-07 19:38:04,883 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.114s - IP: 127.0.0.1 -2025-06-07 19:38:08,552 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.662s - IP: 127.0.0.1 -2025-06-07 19:38:11,796 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.240s - IP: 127.0.0.1 -2025-06-07 19:38:11,801 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:38:36,155 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.339s - IP: 127.0.0.1 -2025-06-07 19:39:13,327 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 4.803s - IP: 127.0.0.1 -2025-06-07 19:39:16,192 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.861s - IP: 127.0.0.1 -2025-06-07 19:39:19,105 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.906s - IP: 127.0.0.1 -2025-06-07 19:39:19,110 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:40:08,823 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 11.343s - IP: 127.0.0.1 -2025-06-07 19:40:11,863 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.022s - IP: 127.0.0.1 -2025-06-07 19:40:18,109 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 5.238s - IP: 127.0.0.1 -2025-06-07 19:40:18,122 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:40:51,855 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.262s - IP: 127.0.0.1 -2025-06-07 19:42:22,439 - INFO - "GET /flask-api/get-chroma-content" 404 - Duration: 0.016s - IP: 127.0.0.1 -2025-06-07 19:43:28,440 - INFO - "GET /flask-api/get-chroma-content" 200 - Duration: 0.309s - IP: 127.0.0.1 -2025-06-07 19:43:45,291 - INFO - "GET /flask-api/get-chroma-content" 200 - Duration: 0.236s - IP: 127.0.0.1 -2025-06-07 19:43:52,716 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.414s - IP: 127.0.0.1 -2025-06-07 19:44:54,322 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.739s - IP: 127.0.0.1 -2025-06-07 19:45:40,006 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.861s - IP: 127.0.0.1 -2025-06-07 19:45:43,191 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.179s - IP: 127.0.0.1 -2025-06-07 19:45:46,000 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.804s - IP: 127.0.0.1 -2025-06-07 19:45:46,008 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:46:31,772 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 1.854s - IP: 127.0.0.1 -2025-06-07 19:47:04,366 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.924s - IP: 127.0.0.1 -2025-06-07 19:47:07,391 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.021s - IP: 127.0.0.1 -2025-06-07 19:47:10,323 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.924s - IP: 127.0.0.1 -2025-06-07 19:47:10,329 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:49:11,578 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.438s - IP: 127.0.0.1 -2025-06-07 19:49:30,071 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.127s - IP: 127.0.0.1 -2025-06-07 20:11:16,636 - INFO - "GET /flask-api/get-chroma-content" 500 - Duration: 0.009s - IP: 127.0.0.1 diff --git a/logs/access.log.2025-06-08 b/logs/access.log.2025-06-08 deleted file mode 100644 index 2b2e75e..0000000 --- a/logs/access.log.2025-06-08 +++ /dev/null @@ -1,121 +0,0 @@ -2025-06-08 11:50:24,602 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 11:50:30,729 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 6.127s - IP: 127.0.0.1 -2025-06-08 11:51:04,050 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 11:51:05,055 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.004s - IP: 127.0.0.1 -2025-06-08 11:51:24,470 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 11:51:25,174 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 0.704s - IP: 127.0.0.1 -2025-06-08 12:18:30,572 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 0.038s - IP: 127.0.0.1 -2025-06-08 12:18:31,590 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 0.006s - IP: 127.0.0.1 -2025-06-08 12:18:32,602 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 0.006s - IP: 127.0.0.1 -2025-06-08 12:18:32,611 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-08 12:21:38,813 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 4.478s - IP: 127.0.0.1 -2025-06-08 12:22:30,884 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.238s - IP: 127.0.0.1 -2025-06-08 12:22:56,397 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 4.158s - IP: 127.0.0.1 -2025-06-08 12:23:03,733 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 6.330s - IP: 127.0.0.1 -2025-06-08 12:25:40,160 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.393s - IP: 127.0.0.1 -2025-06-08 12:25:43,156 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.990s - IP: 127.0.0.1 -2025-06-08 12:25:46,163 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.003s - IP: 127.0.0.1 -2025-06-08 12:25:46,168 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:26:11,739 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.975s - IP: 127.0.0.1 -2025-06-08 12:26:14,926 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.184s - IP: 127.0.0.1 -2025-06-08 12:26:17,811 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.881s - IP: 127.0.0.1 -2025-06-08 12:26:17,815 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:27:11,475 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.928s - IP: 127.0.0.1 -2025-06-08 12:27:47,355 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 1.946s - IP: 127.0.0.1 -2025-06-08 12:31:36,960 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.967s - IP: 127.0.0.1 -2025-06-08 12:31:40,296 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.330s - IP: 127.0.0.1 -2025-06-08 12:31:43,335 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.034s - IP: 127.0.0.1 -2025-06-08 12:31:43,340 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:32:11,673 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.042s - IP: 127.0.0.1 -2025-06-08 12:32:14,932 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.255s - IP: 127.0.0.1 -2025-06-08 12:32:17,732 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.796s - IP: 127.0.0.1 -2025-06-08 12:32:17,737 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:33:17,499 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 5.376s - IP: 127.0.0.1 -2025-06-08 12:34:26,965 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.023s - IP: 127.0.0.1 -2025-06-08 12:34:29,735 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.766s - IP: 127.0.0.1 -2025-06-08 12:34:32,494 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.754s - IP: 127.0.0.1 -2025-06-08 12:34:32,498 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:46:29,718 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.230s - IP: 127.0.0.1 -2025-06-08 12:47:28,427 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.133s - IP: 127.0.0.1 -2025-06-08 12:47:31,363 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.931s - IP: 127.0.0.1 -2025-06-08 12:47:34,473 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.105s - IP: 127.0.0.1 -2025-06-08 12:47:34,479 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-08 12:47:52,307 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.362s - IP: 127.0.0.1 -2025-06-08 12:47:55,171 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.858s - IP: 127.0.0.1 -2025-06-08 12:47:57,971 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.796s - IP: 127.0.0.1 -2025-06-08 12:47:57,979 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:57:30,707 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.170s - IP: 127.0.0.1 -2025-06-08 12:58:09,917 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.217s - IP: 127.0.0.1 -2025-06-08 12:58:12,739 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.814s - IP: 127.0.0.1 -2025-06-08 12:58:15,937 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.192s - IP: 127.0.0.1 -2025-06-08 12:58:15,945 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:58:33,875 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.460s - IP: 127.0.0.1 -2025-06-08 12:58:37,439 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.558s - IP: 127.0.0.1 -2025-06-08 12:58:40,345 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.900s - IP: 127.0.0.1 -2025-06-08 12:58:40,352 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:59:23,266 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.766s - IP: 127.0.0.1 -2025-06-08 13:00:58,784 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 13:01:35,888 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 37.105s - IP: 127.0.0.1 -2025-06-08 13:01:35,909 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 13:01:43,172 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 7.264s - IP: 127.0.0.1 -2025-06-08 13:01:48,140 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 5.887s - IP: 127.0.0.1 -2025-06-08 13:01:50,871 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.724s - IP: 127.0.0.1 -2025-06-08 13:01:54,034 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.158s - IP: 127.0.0.1 -2025-06-08 13:01:54,040 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 13:06:18,133 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.120s - IP: 127.0.0.1 -2025-06-08 13:06:21,013 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.872s - IP: 127.0.0.1 -2025-06-08 13:06:24,343 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.324s - IP: 127.0.0.1 -2025-06-08 13:06:24,351 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-08 13:06:39,661 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 13:06:40,982 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.321s - IP: 127.0.0.1 -2025-06-08 13:06:56,473 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.972s - IP: 127.0.0.1 -2025-06-08 13:06:59,283 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.804s - IP: 127.0.0.1 -2025-06-08 13:07:02,037 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.750s - IP: 127.0.0.1 -2025-06-08 13:07:02,042 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 13:07:59,953 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.856s - IP: 127.0.0.1 -2025-06-08 13:08:18,113 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.705s - IP: 127.0.0.1 -2025-06-08 13:08:48,711 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 2.996s - IP: 127.0.0.1 -2025-06-08 13:16:24,229 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.312s - IP: 127.0.0.1 -2025-06-08 13:16:27,166 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.932s - IP: 127.0.0.1 -2025-06-08 13:16:30,130 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.958s - IP: 127.0.0.1 -2025-06-08 13:16:30,135 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 13:19:37,502 - INFO - "POST /flask-api/generate-answer" 200 - Duration: 3.132s - IP: 127.0.0.1 -2025-06-08 14:09:56,029 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.797s - IP: 127.0.0.1 -2025-06-08 14:09:59,427 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 2.394s - IP: 127.0.0.1 -2025-06-08 14:10:02,376 - INFO - "POST /flask-api/generate-answer" 404 - Duration: 1.946s - IP: 127.0.0.1 -2025-06-08 14:10:02,381 - INFO - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 18:43:30,814 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 18:45:44,482 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 133.668s - IP: 127.0.0.1 -2025-06-08 18:47:43,864 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 18:48:21,315 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 37.451s - IP: 127.0.0.1 -2025-06-08 18:54:20,485 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 18:54:27,286 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 6.801s - IP: 127.0.0.1 -2025-06-08 18:58:11,669 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 18:58:58,314 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 46.646s - IP: 127.0.0.1 -2025-06-08 19:12:52,812 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 19:13:00,169 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 7.358s - IP: 127.0.0.1 -2025-06-08 19:20:39,256 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 19:20:41,091 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.836s - IP: 127.0.0.1 -2025-06-08 19:22:32,024 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 19:22:33,176 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.152s - IP: 127.0.0.1 -2025-06-08 19:24:52,093 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.091s - IP: 127.0.0.1 -2025-06-08 19:25:03,560 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.109s - IP: 127.0.0.1 -2025-06-08 19:25:08,462 - INFO - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.351s - IP: 127.0.0.1 -2025-06-08 19:25:52,369 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 19:25:54,085 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.717s - IP: 127.0.0.1 -2025-06-08 19:27:48,188 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 19:27:55,786 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 7.598s - IP: 127.0.0.1 -2025-06-08 19:32:45,783 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 19:32:52,772 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 6.989s - IP: 127.0.0.1 -2025-06-08 19:33:23,661 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 19:35:30,611 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 126.951s - IP: 127.0.0.1 -2025-06-08 19:37:07,682 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 19:37:08,846 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.164s - IP: 127.0.0.1 -2025-06-08 19:37:33,973 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 19:37:35,980 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 2.008s - IP: 127.0.0.1 -2025-06-08 21:32:25,360 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 21:32:27,854 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 2.494s - IP: 127.0.0.1 -2025-06-08 21:39:39,081 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 22:01:29,170 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1310.089s - IP: 127.0.0.1 -2025-06-08 22:01:29,182 - INFO - PDF processing request received from 127.0.0.1 -2025-06-08 22:01:30,353 - INFO - "POST /flask-api/process-pdf" 200 - Duration: 1.171s - IP: 127.0.0.1 diff --git a/logs/app.log b/logs/app.log deleted file mode 100644 index f200a7a..0000000 --- a/logs/app.log +++ /dev/null @@ -1,26076 +0,0 @@ -2025-06-06 18:56:55,211 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-06 18:56:55,212 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-06 18:56:55,215 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-06 18:56:55,215 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-06 18:56:58,825 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-06 18:56:58,827 - root - INFO - [chat.py:2130] - Starting SpurrinAI application -2025-06-06 18:56:58,827 - root - INFO - [chat.py:2131] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-06 18:56:58,827 - root - INFO - [chat.py:2132] - Environment: production -2025-06-06 18:56:58,827 - root - INFO - [chat.py:2136] - Model manager initialized successfully -2025-06-06 18:56:58,827 - root - INFO - [chat.py:2144] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-06 18:56:58,829 - root - INFO - [chat.py:2152] - Cleared 0 Redis cache keys -2025-06-06 18:56:58,829 - root - INFO - [chat.py:2155] - Loading existing vector stores... -2025-06-06 18:56:58,833 - root - INFO - [chat.py:508] - Creating vector store for hospital 6 -2025-06-06 18:56:59,487 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:57:03,802 - root - INFO - [chat.py:508] - Creating vector store for hospital 10 -2025-06-06 18:57:03,805 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:57:07,964 - root - INFO - [chat.py:508] - Creating vector store for hospital 16 -2025-06-06 18:57:07,967 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:57:11,710 - root - INFO - [chat.py:508] - Creating vector store for hospital 19 -2025-06-06 18:57:11,713 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:57:15,382 - root - INFO - [chat.py:508] - Creating vector store for hospital 26 -2025-06-06 18:57:15,385 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:57:19,368 - root - INFO - [chat.py:508] - Creating vector store for hospital 27 -2025-06-06 18:57:19,371 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:57:23,123 - root - INFO - [chat.py:508] - Creating vector store for hospital 29 -2025-06-06 18:57:23,126 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:57:27,322 - root - INFO - [chat.py:508] - Creating vector store for hospital 31 -2025-06-06 18:57:27,325 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:57:31,176 - root - INFO - [chat.py:508] - Creating vector store for hospital 32 -2025-06-06 18:57:31,178 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:57:35,119 - root - INFO - [chat.py:508] - Creating vector store for hospital 36 -2025-06-06 18:57:35,122 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:57:38,898 - root - INFO - [chat.py:508] - Creating vector store for hospital 37 -2025-06-06 18:57:38,901 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:57:42,823 - root - INFO - [chat.py:508] - Creating vector store for hospital 41 -2025-06-06 18:57:42,826 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:57:46,842 - root - INFO - [chat.py:508] - Creating vector store for hospital 42 -2025-06-06 18:57:46,845 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:57:51,296 - root - INFO - [chat.py:508] - Creating vector store for hospital 47 -2025-06-06 18:57:51,299 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:57:55,549 - root - INFO - [chat.py:508] - Creating vector store for hospital 48 -2025-06-06 18:57:55,552 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:00,270 - root - INFO - [chat.py:508] - Creating vector store for hospital 52 -2025-06-06 18:58:00,273 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:04,246 - root - INFO - [chat.py:508] - Creating vector store for hospital 53 -2025-06-06 18:58:04,249 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:08,111 - root - INFO - [chat.py:508] - Creating vector store for hospital 56 -2025-06-06 18:58:08,114 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:11,862 - root - INFO - [chat.py:508] - Creating vector store for hospital 57 -2025-06-06 18:58:11,865 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:15,724 - root - INFO - [chat.py:508] - Creating vector store for hospital 59 -2025-06-06 18:58:15,727 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:19,628 - root - INFO - [chat.py:508] - Creating vector store for hospital 60 -2025-06-06 18:58:19,631 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:23,329 - root - INFO - [chat.py:508] - Creating vector store for hospital 64 -2025-06-06 18:58:23,332 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:27,433 - root - INFO - [chat.py:508] - Creating vector store for hospital 65 -2025-06-06 18:58:27,436 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:32,054 - root - INFO - [chat.py:508] - Creating vector store for hospital 66 -2025-06-06 18:58:32,057 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:36,501 - root - INFO - [chat.py:508] - Creating vector store for hospital 67 -2025-06-06 18:58:36,503 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:40,447 - root - INFO - [chat.py:508] - Creating vector store for hospital 68 -2025-06-06 18:58:40,450 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:44,851 - root - INFO - [chat.py:508] - Creating vector store for hospital 69 -2025-06-06 18:58:44,854 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:48,849 - root - INFO - [chat.py:508] - Creating vector store for hospital 70 -2025-06-06 18:58:48,854 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:52,875 - root - INFO - [chat.py:508] - Creating vector store for hospital 71 -2025-06-06 18:58:52,878 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:58:57,040 - root - INFO - [chat.py:508] - Creating vector store for hospital 72 -2025-06-06 18:58:57,044 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:59:01,289 - root - INFO - [chat.py:508] - Creating vector store for hospital 73 -2025-06-06 18:59:01,292 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:59:05,210 - root - INFO - [chat.py:508] - Creating vector store for hospital 75 -2025-06-06 18:59:05,213 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:59:09,625 - root - INFO - [chat.py:508] - Creating vector store for hospital 76 -2025-06-06 18:59:09,627 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:59:14,390 - root - INFO - [chat.py:508] - Creating vector store for hospital 80 -2025-06-06 18:59:14,393 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:59:19,290 - root - INFO - [chat.py:508] - Creating vector store for hospital 81 -2025-06-06 18:59:19,293 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:59:23,330 - root - INFO - [chat.py:508] - Creating vector store for hospital 86 -2025-06-06 18:59:23,333 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:59:27,023 - root - INFO - [chat.py:508] - Creating vector store for hospital 87 -2025-06-06 18:59:27,026 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:59:31,218 - root - INFO - [chat.py:508] - Creating vector store for hospital 90 -2025-06-06 18:59:31,220 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:59:35,691 - root - INFO - [chat.py:508] - Creating vector store for hospital 91 -2025-06-06 18:59:35,693 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:59:39,644 - root - INFO - [chat.py:508] - Creating vector store for hospital 92 -2025-06-06 18:59:39,647 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:59:43,950 - root - INFO - [chat.py:508] - Creating vector store for hospital 94 -2025-06-06 18:59:43,953 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:59:47,866 - root - INFO - [chat.py:508] - Creating vector store for hospital 95 -2025-06-06 18:59:47,869 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:59:52,054 - root - INFO - [chat.py:508] - Creating vector store for hospital 96 -2025-06-06 18:59:52,056 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 18:59:56,109 - root - INFO - [chat.py:508] - Creating vector store for hospital 97 -2025-06-06 18:59:56,113 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:00,012 - root - INFO - [chat.py:508] - Creating vector store for hospital 99 -2025-06-06 19:00:00,015 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:04,389 - root - INFO - [chat.py:508] - Creating vector store for hospital 103 -2025-06-06 19:00:04,392 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:09,187 - root - INFO - [chat.py:508] - Creating vector store for hospital 106 -2025-06-06 19:00:09,190 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:14,081 - root - INFO - [chat.py:508] - Creating vector store for hospital 107 -2025-06-06 19:00:14,084 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:18,246 - root - INFO - [chat.py:508] - Creating vector store for hospital 110 -2025-06-06 19:00:18,249 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:22,250 - root - INFO - [chat.py:508] - Creating vector store for hospital 111 -2025-06-06 19:00:22,253 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:26,324 - root - INFO - [chat.py:508] - Creating vector store for hospital 112 -2025-06-06 19:00:26,327 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:30,290 - root - INFO - [chat.py:508] - Creating vector store for hospital 113 -2025-06-06 19:00:30,293 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:34,405 - root - INFO - [chat.py:508] - Creating vector store for hospital 114 -2025-06-06 19:00:34,409 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:38,596 - root - INFO - [chat.py:508] - Creating vector store for hospital 116 -2025-06-06 19:00:38,599 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:42,662 - root - INFO - [chat.py:508] - Creating vector store for hospital 117 -2025-06-06 19:00:42,665 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:46,821 - root - INFO - [chat.py:508] - Creating vector store for hospital 118 -2025-06-06 19:00:46,824 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:51,009 - root - INFO - [chat.py:508] - Creating vector store for hospital 119 -2025-06-06 19:00:51,012 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:55,475 - root - INFO - [chat.py:508] - Creating vector store for hospital 121 -2025-06-06 19:00:55,479 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:00:59,740 - root - INFO - [chat.py:508] - Creating vector store for hospital 122 -2025-06-06 19:00:59,746 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:01:03,960 - root - INFO - [chat.py:508] - Creating vector store for hospital 123 -2025-06-06 19:01:03,966 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:01:07,971 - root - INFO - [chat.py:508] - Creating vector store for hospital 124 -2025-06-06 19:01:07,974 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:01:11,418 - root - INFO - [chat.py:508] - Creating vector store for hospital 126 -2025-06-06 19:01:11,421 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:01:15,495 - root - INFO - [chat.py:508] - Creating vector store for hospital 127 -2025-06-06 19:01:15,498 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:01:22,669 - root - INFO - [chat.py:508] - Creating vector store for hospital 129 -2025-06-06 19:01:22,671 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:01:27,584 - root - INFO - [chat.py:508] - Creating vector store for hospital 131 -2025-06-06 19:01:27,587 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:01:31,582 - root - INFO - [chat.py:508] - Creating vector store for hospital 132 -2025-06-06 19:01:31,585 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:01:35,563 - root - INFO - [chat.py:508] - Creating vector store for hospital 136 -2025-06-06 19:01:35,566 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:01:39,557 - root - INFO - [chat.py:508] - Creating vector store for hospital 137 -2025-06-06 19:01:39,560 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:01:43,884 - root - INFO - [chat.py:508] - Creating vector store for hospital 141 -2025-06-06 19:01:43,887 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:01:47,715 - root - INFO - [chat.py:508] - Creating vector store for hospital 142 -2025-06-06 19:01:47,718 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:01:52,231 - root - INFO - [chat.py:508] - Creating vector store for hospital 145 -2025-06-06 19:01:52,234 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:01:57,291 - root - INFO - [chat.py:508] - Creating vector store for hospital 146 -2025-06-06 19:01:57,294 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:01,214 - root - INFO - [chat.py:508] - Creating vector store for hospital 148 -2025-06-06 19:02:01,219 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:05,010 - root - INFO - [chat.py:508] - Creating vector store for hospital 177 -2025-06-06 19:02:05,013 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:10,004 - root - INFO - [chat.py:508] - Creating vector store for hospital 178 -2025-06-06 19:02:10,007 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:14,480 - root - INFO - [chat.py:508] - Creating vector store for hospital 186 -2025-06-06 19:02:14,483 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:18,664 - root - INFO - [chat.py:508] - Creating vector store for hospital 187 -2025-06-06 19:02:18,667 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:23,017 - root - INFO - [chat.py:508] - Creating vector store for hospital 191 -2025-06-06 19:02:23,020 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:27,181 - root - INFO - [chat.py:508] - Creating vector store for hospital 192 -2025-06-06 19:02:27,184 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:31,132 - root - INFO - [chat.py:508] - Creating vector store for hospital 45 -2025-06-06 19:02:31,135 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:35,423 - root - INFO - [chat.py:508] - Creating vector store for hospital 63 -2025-06-06 19:02:35,426 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:39,437 - root - INFO - [chat.py:508] - Creating vector store for hospital 93 -2025-06-06 19:02:39,441 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:43,886 - root - INFO - [chat.py:508] - Creating vector store for hospital 98 -2025-06-06 19:02:43,889 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:47,880 - root - INFO - [chat.py:508] - Creating vector store for hospital 102 -2025-06-06 19:02:47,883 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:51,632 - root - INFO - [chat.py:508] - Creating vector store for hospital 104 -2025-06-06 19:02:51,635 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:55,674 - root - INFO - [chat.py:508] - Creating vector store for hospital 109 -2025-06-06 19:02:55,677 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:02:59,461 - root - INFO - [chat.py:508] - Creating vector store for hospital 149 -2025-06-06 19:02:59,464 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:03:03,277 - root - INFO - [chat.py:508] - Creating vector store for hospital 150 -2025-06-06 19:03:03,280 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:03:07,202 - root - INFO - [chat.py:508] - Creating vector store for hospital 151 -2025-06-06 19:03:07,205 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:03:11,467 - root - INFO - [chat.py:508] - Creating vector store for hospital 152 -2025-06-06 19:03:11,470 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:03:15,615 - root - INFO - [chat.py:508] - Creating vector store for hospital 153 -2025-06-06 19:03:15,618 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:03:20,745 - root - INFO - [chat.py:508] - Creating vector store for hospital 154 -2025-06-06 19:03:20,747 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:03:24,811 - root - INFO - [chat.py:508] - Creating vector store for hospital 155 -2025-06-06 19:03:24,814 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:03:29,003 - root - INFO - [chat.py:508] - Creating vector store for hospital 157 -2025-06-06 19:03:29,006 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:03:33,442 - root - INFO - [chat.py:508] - Creating vector store for hospital 158 -2025-06-06 19:03:33,445 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:03:37,795 - root - INFO - [chat.py:508] - Creating vector store for hospital 160 -2025-06-06 19:03:37,798 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:03:42,572 - root - INFO - [chat.py:508] - Creating vector store for hospital 162 -2025-06-06 19:03:42,574 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:03:47,373 - root - INFO - [chat.py:508] - Creating vector store for hospital 163 -2025-06-06 19:03:47,376 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:03:51,698 - root - INFO - [chat.py:508] - Creating vector store for hospital 166 -2025-06-06 19:03:51,701 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:03:55,841 - root - INFO - [chat.py:508] - Creating vector store for hospital 167 -2025-06-06 19:03:55,844 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:03:59,909 - root - INFO - [chat.py:508] - Creating vector store for hospital 168 -2025-06-06 19:03:59,912 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:04:04,020 - root - INFO - [chat.py:508] - Creating vector store for hospital 169 -2025-06-06 19:04:04,023 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:04:08,064 - root - INFO - [chat.py:508] - Creating vector store for hospital 170 -2025-06-06 19:04:08,068 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:04:12,295 - root - INFO - [chat.py:508] - Creating vector store for hospital 172 -2025-06-06 19:04:12,298 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:04:16,124 - root - INFO - [chat.py:508] - Creating vector store for hospital 173 -2025-06-06 19:04:16,127 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:04:20,454 - root - INFO - [chat.py:508] - Creating vector store for hospital 181 -2025-06-06 19:04:20,458 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:04:25,251 - root - INFO - [chat.py:508] - Creating vector store for hospital 182 -2025-06-06 19:04:25,254 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:04:29,560 - root - INFO - [chat.py:508] - Creating vector store for hospital 183 -2025-06-06 19:04:29,563 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:04:33,460 - root - INFO - [chat.py:508] - Creating vector store for hospital 184 -2025-06-06 19:04:33,463 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:04:37,340 - root - INFO - [chat.py:508] - Creating vector store for hospital 194 -2025-06-06 19:04:37,344 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:04:41,145 - root - INFO - [chat.py:508] - Creating vector store for hospital 195 -2025-06-06 19:04:41,148 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:04:45,227 - root - INFO - [chat.py:2157] - Vector stores loaded successfully -2025-06-06 19:04:45,227 - root - INFO - [chat.py:2160] - Starting Flask application on port 5000 -2025-06-06 19:04:45,238 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-06 19:04:45,238 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-06 19:06:04,212 - access - INFO - [chat.py:2122] - "GET /flask-api/get-chroma-content" 404 - Duration: 0.006s - IP: 127.0.0.1 -2025-06-06 19:06:04,214 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 19:06:04] "[33mGET /flask-api/get-chroma-content?hospital_id=63 HTTP/1.1[0m" 404 - -2025-06-06 19:12:47,501 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-06 19:12:47,512 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-06 19:12:56,380 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-06 19:12:56,380 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-06 19:12:56,381 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-06 19:12:56,381 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-06 19:13:00,301 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-06 19:13:00,303 - root - INFO - [chat.py:2130] - Starting SpurrinAI application -2025-06-06 19:13:00,303 - root - INFO - [chat.py:2131] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-06 19:13:00,303 - root - INFO - [chat.py:2132] - Environment: production -2025-06-06 19:13:00,303 - root - INFO - [chat.py:2136] - Model manager initialized successfully -2025-06-06 19:13:00,304 - root - INFO - [chat.py:2144] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-06 19:13:00,305 - root - INFO - [chat.py:2152] - Cleared 0 Redis cache keys -2025-06-06 19:13:00,305 - root - INFO - [chat.py:2155] - Loading existing vector stores... -2025-06-06 19:13:00,309 - root - INFO - [chat.py:497] - Loading vector store for hospital 6 and user default -2025-06-06 19:13:00,664 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,835 - root - INFO - [chat.py:497] - Loading vector store for hospital 10 and user default -2025-06-06 19:13:00,838 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,843 - root - INFO - [chat.py:497] - Loading vector store for hospital 16 and user default -2025-06-06 19:13:00,846 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,851 - root - INFO - [chat.py:497] - Loading vector store for hospital 19 and user default -2025-06-06 19:13:00,854 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,859 - root - INFO - [chat.py:497] - Loading vector store for hospital 26 and user default -2025-06-06 19:13:00,861 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,866 - root - INFO - [chat.py:497] - Loading vector store for hospital 27 and user default -2025-06-06 19:13:00,869 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,874 - root - INFO - [chat.py:497] - Loading vector store for hospital 29 and user default -2025-06-06 19:13:00,877 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,883 - root - INFO - [chat.py:497] - Loading vector store for hospital 31 and user default -2025-06-06 19:13:00,885 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,891 - root - INFO - [chat.py:497] - Loading vector store for hospital 32 and user default -2025-06-06 19:13:00,893 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,899 - root - INFO - [chat.py:497] - Loading vector store for hospital 36 and user default -2025-06-06 19:13:00,901 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,906 - root - INFO - [chat.py:497] - Loading vector store for hospital 37 and user default -2025-06-06 19:13:00,909 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,914 - root - INFO - [chat.py:497] - Loading vector store for hospital 41 and user default -2025-06-06 19:13:00,917 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,921 - root - INFO - [chat.py:497] - Loading vector store for hospital 42 and user default -2025-06-06 19:13:00,924 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,929 - root - INFO - [chat.py:497] - Loading vector store for hospital 47 and user default -2025-06-06 19:13:00,932 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,937 - root - INFO - [chat.py:497] - Loading vector store for hospital 48 and user default -2025-06-06 19:13:00,940 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,945 - root - INFO - [chat.py:497] - Loading vector store for hospital 52 and user default -2025-06-06 19:13:00,947 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,954 - root - INFO - [chat.py:497] - Loading vector store for hospital 53 and user default -2025-06-06 19:13:00,957 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,961 - root - INFO - [chat.py:497] - Loading vector store for hospital 56 and user default -2025-06-06 19:13:00,964 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,969 - root - INFO - [chat.py:497] - Loading vector store for hospital 57 and user default -2025-06-06 19:13:00,971 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,976 - root - INFO - [chat.py:497] - Loading vector store for hospital 59 and user default -2025-06-06 19:13:00,979 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,984 - root - INFO - [chat.py:497] - Loading vector store for hospital 60 and user default -2025-06-06 19:13:00,986 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,991 - root - INFO - [chat.py:497] - Loading vector store for hospital 64 and user default -2025-06-06 19:13:00,994 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:00,998 - root - INFO - [chat.py:497] - Loading vector store for hospital 65 and user default -2025-06-06 19:13:01,001 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,006 - root - INFO - [chat.py:497] - Loading vector store for hospital 66 and user default -2025-06-06 19:13:01,008 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,013 - root - INFO - [chat.py:497] - Loading vector store for hospital 67 and user default -2025-06-06 19:13:01,016 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,020 - root - INFO - [chat.py:497] - Loading vector store for hospital 68 and user default -2025-06-06 19:13:01,023 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,028 - root - INFO - [chat.py:497] - Loading vector store for hospital 69 and user default -2025-06-06 19:13:01,031 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,035 - root - INFO - [chat.py:497] - Loading vector store for hospital 70 and user default -2025-06-06 19:13:01,038 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,043 - root - INFO - [chat.py:497] - Loading vector store for hospital 71 and user default -2025-06-06 19:13:01,045 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,050 - root - INFO - [chat.py:497] - Loading vector store for hospital 72 and user default -2025-06-06 19:13:01,053 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,057 - root - INFO - [chat.py:497] - Loading vector store for hospital 73 and user default -2025-06-06 19:13:01,060 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,065 - root - INFO - [chat.py:497] - Loading vector store for hospital 75 and user default -2025-06-06 19:13:01,067 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,072 - root - INFO - [chat.py:497] - Loading vector store for hospital 76 and user default -2025-06-06 19:13:01,075 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,080 - root - INFO - [chat.py:497] - Loading vector store for hospital 80 and user default -2025-06-06 19:13:01,083 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,087 - root - INFO - [chat.py:497] - Loading vector store for hospital 81 and user default -2025-06-06 19:13:01,090 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,095 - root - INFO - [chat.py:497] - Loading vector store for hospital 86 and user default -2025-06-06 19:13:01,097 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,102 - root - INFO - [chat.py:497] - Loading vector store for hospital 87 and user default -2025-06-06 19:13:01,105 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,110 - root - INFO - [chat.py:497] - Loading vector store for hospital 90 and user default -2025-06-06 19:13:01,113 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,117 - root - INFO - [chat.py:497] - Loading vector store for hospital 91 and user default -2025-06-06 19:13:01,120 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,125 - root - INFO - [chat.py:497] - Loading vector store for hospital 92 and user default -2025-06-06 19:13:01,128 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,133 - root - INFO - [chat.py:497] - Loading vector store for hospital 94 and user default -2025-06-06 19:13:01,136 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,140 - root - INFO - [chat.py:497] - Loading vector store for hospital 95 and user default -2025-06-06 19:13:01,143 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,148 - root - INFO - [chat.py:497] - Loading vector store for hospital 96 and user default -2025-06-06 19:13:01,150 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,156 - root - INFO - [chat.py:497] - Loading vector store for hospital 97 and user default -2025-06-06 19:13:01,158 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,163 - root - INFO - [chat.py:497] - Loading vector store for hospital 99 and user default -2025-06-06 19:13:01,166 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,170 - root - INFO - [chat.py:497] - Loading vector store for hospital 103 and user default -2025-06-06 19:13:01,173 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,183 - root - INFO - [chat.py:497] - Loading vector store for hospital 106 and user default -2025-06-06 19:13:01,186 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,191 - root - INFO - [chat.py:497] - Loading vector store for hospital 107 and user default -2025-06-06 19:13:01,193 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,198 - root - INFO - [chat.py:497] - Loading vector store for hospital 110 and user default -2025-06-06 19:13:01,201 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,206 - root - INFO - [chat.py:497] - Loading vector store for hospital 111 and user default -2025-06-06 19:13:01,208 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,215 - root - INFO - [chat.py:497] - Loading vector store for hospital 112 and user default -2025-06-06 19:13:01,217 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,222 - root - INFO - [chat.py:497] - Loading vector store for hospital 113 and user default -2025-06-06 19:13:01,225 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,230 - root - INFO - [chat.py:497] - Loading vector store for hospital 114 and user default -2025-06-06 19:13:01,236 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,241 - root - INFO - [chat.py:497] - Loading vector store for hospital 116 and user default -2025-06-06 19:13:01,243 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,249 - root - INFO - [chat.py:497] - Loading vector store for hospital 117 and user default -2025-06-06 19:13:01,251 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,256 - root - INFO - [chat.py:497] - Loading vector store for hospital 118 and user default -2025-06-06 19:13:01,259 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,263 - root - INFO - [chat.py:497] - Loading vector store for hospital 119 and user default -2025-06-06 19:13:01,266 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,271 - root - INFO - [chat.py:497] - Loading vector store for hospital 121 and user default -2025-06-06 19:13:01,273 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,278 - root - INFO - [chat.py:497] - Loading vector store for hospital 122 and user default -2025-06-06 19:13:01,281 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,286 - root - INFO - [chat.py:497] - Loading vector store for hospital 123 and user default -2025-06-06 19:13:01,289 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,294 - root - INFO - [chat.py:497] - Loading vector store for hospital 124 and user default -2025-06-06 19:13:01,297 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,301 - root - INFO - [chat.py:497] - Loading vector store for hospital 126 and user default -2025-06-06 19:13:01,304 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,309 - root - INFO - [chat.py:497] - Loading vector store for hospital 127 and user default -2025-06-06 19:13:01,312 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,318 - root - INFO - [chat.py:497] - Loading vector store for hospital 129 and user default -2025-06-06 19:13:01,320 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,325 - root - INFO - [chat.py:497] - Loading vector store for hospital 131 and user default -2025-06-06 19:13:01,328 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,333 - root - INFO - [chat.py:497] - Loading vector store for hospital 132 and user default -2025-06-06 19:13:01,335 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,340 - root - INFO - [chat.py:497] - Loading vector store for hospital 136 and user default -2025-06-06 19:13:01,342 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,632 - root - INFO - [chat.py:497] - Loading vector store for hospital 137 and user default -2025-06-06 19:13:01,635 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,640 - root - INFO - [chat.py:497] - Loading vector store for hospital 141 and user default -2025-06-06 19:13:01,642 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,647 - root - INFO - [chat.py:497] - Loading vector store for hospital 142 and user default -2025-06-06 19:13:01,650 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,654 - root - INFO - [chat.py:497] - Loading vector store for hospital 145 and user default -2025-06-06 19:13:01,657 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,662 - root - INFO - [chat.py:497] - Loading vector store for hospital 146 and user default -2025-06-06 19:13:01,664 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,669 - root - INFO - [chat.py:497] - Loading vector store for hospital 148 and user default -2025-06-06 19:13:01,672 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,677 - root - INFO - [chat.py:497] - Loading vector store for hospital 177 and user default -2025-06-06 19:13:01,679 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,684 - root - INFO - [chat.py:497] - Loading vector store for hospital 178 and user default -2025-06-06 19:13:01,686 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,691 - root - INFO - [chat.py:497] - Loading vector store for hospital 186 and user default -2025-06-06 19:13:01,694 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,698 - root - INFO - [chat.py:497] - Loading vector store for hospital 187 and user default -2025-06-06 19:13:01,701 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,705 - root - INFO - [chat.py:497] - Loading vector store for hospital 191 and user default -2025-06-06 19:13:01,708 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,713 - root - INFO - [chat.py:497] - Loading vector store for hospital 192 and user default -2025-06-06 19:13:01,715 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,720 - root - INFO - [chat.py:497] - Loading vector store for hospital 45 and user default -2025-06-06 19:13:01,723 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,728 - root - INFO - [chat.py:497] - Loading vector store for hospital 63 and user default -2025-06-06 19:13:01,730 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,735 - root - INFO - [chat.py:497] - Loading vector store for hospital 93 and user default -2025-06-06 19:13:01,737 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,742 - root - INFO - [chat.py:497] - Loading vector store for hospital 98 and user default -2025-06-06 19:13:01,745 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,749 - root - INFO - [chat.py:497] - Loading vector store for hospital 102 and user default -2025-06-06 19:13:01,752 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,757 - root - INFO - [chat.py:497] - Loading vector store for hospital 104 and user default -2025-06-06 19:13:01,760 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,764 - root - INFO - [chat.py:497] - Loading vector store for hospital 109 and user default -2025-06-06 19:13:01,767 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,772 - root - INFO - [chat.py:497] - Loading vector store for hospital 149 and user default -2025-06-06 19:13:01,774 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,779 - root - INFO - [chat.py:497] - Loading vector store for hospital 150 and user default -2025-06-06 19:13:01,781 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,786 - root - INFO - [chat.py:497] - Loading vector store for hospital 151 and user default -2025-06-06 19:13:01,789 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,794 - root - INFO - [chat.py:497] - Loading vector store for hospital 152 and user default -2025-06-06 19:13:01,796 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,801 - root - INFO - [chat.py:497] - Loading vector store for hospital 153 and user default -2025-06-06 19:13:01,804 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,808 - root - INFO - [chat.py:497] - Loading vector store for hospital 154 and user default -2025-06-06 19:13:01,811 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,816 - root - INFO - [chat.py:497] - Loading vector store for hospital 155 and user default -2025-06-06 19:13:01,818 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,823 - root - INFO - [chat.py:497] - Loading vector store for hospital 157 and user default -2025-06-06 19:13:01,826 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,831 - root - INFO - [chat.py:497] - Loading vector store for hospital 158 and user default -2025-06-06 19:13:01,833 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,838 - root - INFO - [chat.py:497] - Loading vector store for hospital 160 and user default -2025-06-06 19:13:01,840 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,845 - root - INFO - [chat.py:497] - Loading vector store for hospital 162 and user default -2025-06-06 19:13:01,848 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,853 - root - INFO - [chat.py:497] - Loading vector store for hospital 163 and user default -2025-06-06 19:13:01,856 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,861 - root - INFO - [chat.py:497] - Loading vector store for hospital 166 and user default -2025-06-06 19:13:01,864 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,868 - root - INFO - [chat.py:497] - Loading vector store for hospital 167 and user default -2025-06-06 19:13:01,871 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,876 - root - INFO - [chat.py:497] - Loading vector store for hospital 168 and user default -2025-06-06 19:13:01,878 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,883 - root - INFO - [chat.py:497] - Loading vector store for hospital 169 and user default -2025-06-06 19:13:01,886 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,891 - root - INFO - [chat.py:497] - Loading vector store for hospital 170 and user default -2025-06-06 19:13:01,893 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,898 - root - INFO - [chat.py:497] - Loading vector store for hospital 172 and user default -2025-06-06 19:13:01,900 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,905 - root - INFO - [chat.py:497] - Loading vector store for hospital 173 and user default -2025-06-06 19:13:01,908 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,912 - root - INFO - [chat.py:497] - Loading vector store for hospital 181 and user default -2025-06-06 19:13:01,915 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,921 - root - INFO - [chat.py:497] - Loading vector store for hospital 182 and user default -2025-06-06 19:13:01,923 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,928 - root - INFO - [chat.py:497] - Loading vector store for hospital 183 and user default -2025-06-06 19:13:01,935 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,942 - root - INFO - [chat.py:497] - Loading vector store for hospital 184 and user default -2025-06-06 19:13:01,944 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,955 - root - INFO - [chat.py:497] - Loading vector store for hospital 194 and user default -2025-06-06 19:13:01,958 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,963 - root - INFO - [chat.py:497] - Loading vector store for hospital 195 and user default -2025-06-06 19:13:01,965 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:01,970 - root - INFO - [chat.py:508] - Creating vector store for hospital 196 -2025-06-06 19:13:01,973 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:06,353 - root - INFO - [chat.py:508] - Creating vector store for hospital 197 -2025-06-06 19:13:06,356 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:13:11,105 - root - INFO - [chat.py:2157] - Vector stores loaded successfully -2025-06-06 19:13:11,106 - root - INFO - [chat.py:2160] - Starting Flask application on port 5000 -2025-06-06 19:13:11,111 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-06 19:13:11,111 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-06 19:13:19,205 - access - INFO - [chat.py:2122] - "GET /flask-api/get-chroma-content" 404 - Duration: 0.004s - IP: 127.0.0.1 -2025-06-06 19:13:19,206 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 19:13:19] "[33mGET /flask-api/get-chroma-content?hospital_id=63 HTTP/1.1[0m" 404 - -2025-06-06 19:13:20,688 - access - INFO - [chat.py:2122] - "GET /flask-api/get-chroma-content" 404 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-06 19:13:20,688 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 19:13:20] "[33mGET /flask-api/get-chroma-content?hospital_id=63 HTTP/1.1[0m" 404 - -2025-06-06 19:26:39,295 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-06 19:26:39,313 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-06 19:26:48,458 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-06 19:26:48,458 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-06 19:26:48,459 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-06 19:26:48,459 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-06 19:26:51,555 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-06 19:26:51,557 - root - INFO - [chat.py:2130] - Starting SpurrinAI application -2025-06-06 19:26:51,558 - root - INFO - [chat.py:2131] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-06 19:26:51,558 - root - INFO - [chat.py:2132] - Environment: production -2025-06-06 19:26:51,558 - root - INFO - [chat.py:2136] - Model manager initialized successfully -2025-06-06 19:26:51,558 - root - INFO - [chat.py:2144] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-06 19:26:51,559 - root - INFO - [chat.py:2152] - Cleared 0 Redis cache keys -2025-06-06 19:26:51,559 - root - INFO - [chat.py:2155] - Loading existing vector stores... -2025-06-06 19:26:51,563 - root - INFO - [chat.py:497] - Loading vector store for hospital 6 and user default -2025-06-06 19:26:51,887 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,054 - root - INFO - [chat.py:497] - Loading vector store for hospital 10 and user default -2025-06-06 19:26:52,057 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,062 - root - INFO - [chat.py:497] - Loading vector store for hospital 16 and user default -2025-06-06 19:26:52,065 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,070 - root - INFO - [chat.py:497] - Loading vector store for hospital 19 and user default -2025-06-06 19:26:52,072 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,077 - root - INFO - [chat.py:497] - Loading vector store for hospital 26 and user default -2025-06-06 19:26:52,080 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,085 - root - INFO - [chat.py:497] - Loading vector store for hospital 27 and user default -2025-06-06 19:26:52,087 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,092 - root - INFO - [chat.py:497] - Loading vector store for hospital 29 and user default -2025-06-06 19:26:52,095 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,099 - root - INFO - [chat.py:497] - Loading vector store for hospital 31 and user default -2025-06-06 19:26:52,102 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,106 - root - INFO - [chat.py:497] - Loading vector store for hospital 32 and user default -2025-06-06 19:26:52,109 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,114 - root - INFO - [chat.py:497] - Loading vector store for hospital 36 and user default -2025-06-06 19:26:52,117 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,122 - root - INFO - [chat.py:497] - Loading vector store for hospital 37 and user default -2025-06-06 19:26:52,128 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,134 - root - INFO - [chat.py:497] - Loading vector store for hospital 41 and user default -2025-06-06 19:26:52,138 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,143 - root - INFO - [chat.py:497] - Loading vector store for hospital 42 and user default -2025-06-06 19:26:52,145 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,150 - root - INFO - [chat.py:497] - Loading vector store for hospital 47 and user default -2025-06-06 19:26:52,153 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,158 - root - INFO - [chat.py:497] - Loading vector store for hospital 48 and user default -2025-06-06 19:26:52,160 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,165 - root - INFO - [chat.py:497] - Loading vector store for hospital 52 and user default -2025-06-06 19:26:52,168 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,174 - root - INFO - [chat.py:497] - Loading vector store for hospital 53 and user default -2025-06-06 19:26:52,177 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,181 - root - INFO - [chat.py:497] - Loading vector store for hospital 56 and user default -2025-06-06 19:26:52,184 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,189 - root - INFO - [chat.py:497] - Loading vector store for hospital 57 and user default -2025-06-06 19:26:52,191 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,197 - root - INFO - [chat.py:497] - Loading vector store for hospital 59 and user default -2025-06-06 19:26:52,199 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,204 - root - INFO - [chat.py:497] - Loading vector store for hospital 60 and user default -2025-06-06 19:26:52,207 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,213 - root - INFO - [chat.py:497] - Loading vector store for hospital 64 and user default -2025-06-06 19:26:52,215 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,220 - root - INFO - [chat.py:497] - Loading vector store for hospital 65 and user default -2025-06-06 19:26:52,223 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,228 - root - INFO - [chat.py:497] - Loading vector store for hospital 66 and user default -2025-06-06 19:26:52,230 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,235 - root - INFO - [chat.py:497] - Loading vector store for hospital 67 and user default -2025-06-06 19:26:52,238 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,243 - root - INFO - [chat.py:497] - Loading vector store for hospital 68 and user default -2025-06-06 19:26:52,246 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,251 - root - INFO - [chat.py:497] - Loading vector store for hospital 69 and user default -2025-06-06 19:26:52,254 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,259 - root - INFO - [chat.py:497] - Loading vector store for hospital 70 and user default -2025-06-06 19:26:52,261 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,267 - root - INFO - [chat.py:497] - Loading vector store for hospital 71 and user default -2025-06-06 19:26:52,269 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,274 - root - INFO - [chat.py:497] - Loading vector store for hospital 72 and user default -2025-06-06 19:26:52,277 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,281 - root - INFO - [chat.py:497] - Loading vector store for hospital 73 and user default -2025-06-06 19:26:52,284 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,289 - root - INFO - [chat.py:497] - Loading vector store for hospital 75 and user default -2025-06-06 19:26:52,291 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,296 - root - INFO - [chat.py:497] - Loading vector store for hospital 76 and user default -2025-06-06 19:26:52,299 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,304 - root - INFO - [chat.py:497] - Loading vector store for hospital 80 and user default -2025-06-06 19:26:52,306 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,311 - root - INFO - [chat.py:497] - Loading vector store for hospital 81 and user default -2025-06-06 19:26:52,314 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,319 - root - INFO - [chat.py:497] - Loading vector store for hospital 86 and user default -2025-06-06 19:26:52,322 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,327 - root - INFO - [chat.py:497] - Loading vector store for hospital 87 and user default -2025-06-06 19:26:52,330 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,335 - root - INFO - [chat.py:497] - Loading vector store for hospital 90 and user default -2025-06-06 19:26:52,337 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,342 - root - INFO - [chat.py:497] - Loading vector store for hospital 91 and user default -2025-06-06 19:26:52,345 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,349 - root - INFO - [chat.py:497] - Loading vector store for hospital 92 and user default -2025-06-06 19:26:52,352 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,359 - root - INFO - [chat.py:497] - Loading vector store for hospital 94 and user default -2025-06-06 19:26:52,362 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,367 - root - INFO - [chat.py:497] - Loading vector store for hospital 95 and user default -2025-06-06 19:26:52,369 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,374 - root - INFO - [chat.py:497] - Loading vector store for hospital 96 and user default -2025-06-06 19:26:52,377 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,382 - root - INFO - [chat.py:497] - Loading vector store for hospital 97 and user default -2025-06-06 19:26:52,384 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,389 - root - INFO - [chat.py:497] - Loading vector store for hospital 99 and user default -2025-06-06 19:26:52,392 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,397 - root - INFO - [chat.py:497] - Loading vector store for hospital 103 and user default -2025-06-06 19:26:52,399 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,410 - root - INFO - [chat.py:497] - Loading vector store for hospital 106 and user default -2025-06-06 19:26:52,412 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,417 - root - INFO - [chat.py:497] - Loading vector store for hospital 107 and user default -2025-06-06 19:26:52,420 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,425 - root - INFO - [chat.py:497] - Loading vector store for hospital 110 and user default -2025-06-06 19:26:52,427 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,432 - root - INFO - [chat.py:497] - Loading vector store for hospital 111 and user default -2025-06-06 19:26:52,435 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,439 - root - INFO - [chat.py:497] - Loading vector store for hospital 112 and user default -2025-06-06 19:26:52,444 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,449 - root - INFO - [chat.py:497] - Loading vector store for hospital 113 and user default -2025-06-06 19:26:52,452 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,457 - root - INFO - [chat.py:497] - Loading vector store for hospital 114 and user default -2025-06-06 19:26:52,459 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,464 - root - INFO - [chat.py:497] - Loading vector store for hospital 116 and user default -2025-06-06 19:26:52,466 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,471 - root - INFO - [chat.py:497] - Loading vector store for hospital 117 and user default -2025-06-06 19:26:52,474 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,479 - root - INFO - [chat.py:497] - Loading vector store for hospital 118 and user default -2025-06-06 19:26:52,482 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,487 - root - INFO - [chat.py:497] - Loading vector store for hospital 119 and user default -2025-06-06 19:26:52,489 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,494 - root - INFO - [chat.py:497] - Loading vector store for hospital 121 and user default -2025-06-06 19:26:52,497 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,502 - root - INFO - [chat.py:497] - Loading vector store for hospital 122 and user default -2025-06-06 19:26:52,505 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,510 - root - INFO - [chat.py:497] - Loading vector store for hospital 123 and user default -2025-06-06 19:26:52,512 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,517 - root - INFO - [chat.py:497] - Loading vector store for hospital 124 and user default -2025-06-06 19:26:52,520 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,525 - root - INFO - [chat.py:497] - Loading vector store for hospital 126 and user default -2025-06-06 19:26:52,527 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,532 - root - INFO - [chat.py:497] - Loading vector store for hospital 127 and user default -2025-06-06 19:26:52,534 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,540 - root - INFO - [chat.py:497] - Loading vector store for hospital 129 and user default -2025-06-06 19:26:52,543 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,548 - root - INFO - [chat.py:497] - Loading vector store for hospital 131 and user default -2025-06-06 19:26:52,550 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,555 - root - INFO - [chat.py:497] - Loading vector store for hospital 132 and user default -2025-06-06 19:26:52,558 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,563 - root - INFO - [chat.py:497] - Loading vector store for hospital 136 and user default -2025-06-06 19:26:52,566 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,824 - root - INFO - [chat.py:497] - Loading vector store for hospital 137 and user default -2025-06-06 19:26:52,827 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,832 - root - INFO - [chat.py:497] - Loading vector store for hospital 141 and user default -2025-06-06 19:26:52,834 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,839 - root - INFO - [chat.py:497] - Loading vector store for hospital 142 and user default -2025-06-06 19:26:52,842 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,847 - root - INFO - [chat.py:497] - Loading vector store for hospital 145 and user default -2025-06-06 19:26:52,850 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,854 - root - INFO - [chat.py:497] - Loading vector store for hospital 146 and user default -2025-06-06 19:26:52,857 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,862 - root - INFO - [chat.py:497] - Loading vector store for hospital 148 and user default -2025-06-06 19:26:52,865 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,870 - root - INFO - [chat.py:497] - Loading vector store for hospital 177 and user default -2025-06-06 19:26:52,873 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,878 - root - INFO - [chat.py:497] - Loading vector store for hospital 178 and user default -2025-06-06 19:26:52,880 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,885 - root - INFO - [chat.py:497] - Loading vector store for hospital 186 and user default -2025-06-06 19:26:52,888 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,893 - root - INFO - [chat.py:497] - Loading vector store for hospital 187 and user default -2025-06-06 19:26:52,895 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,900 - root - INFO - [chat.py:497] - Loading vector store for hospital 191 and user default -2025-06-06 19:26:52,902 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,907 - root - INFO - [chat.py:497] - Loading vector store for hospital 192 and user default -2025-06-06 19:26:52,910 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,915 - root - INFO - [chat.py:497] - Loading vector store for hospital 45 and user default -2025-06-06 19:26:52,918 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,923 - root - INFO - [chat.py:497] - Loading vector store for hospital 63 and user default -2025-06-06 19:26:52,925 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,930 - root - INFO - [chat.py:497] - Loading vector store for hospital 93 and user default -2025-06-06 19:26:52,933 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,938 - root - INFO - [chat.py:497] - Loading vector store for hospital 98 and user default -2025-06-06 19:26:52,941 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,946 - root - INFO - [chat.py:497] - Loading vector store for hospital 102 and user default -2025-06-06 19:26:52,948 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,953 - root - INFO - [chat.py:497] - Loading vector store for hospital 104 and user default -2025-06-06 19:26:52,956 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,961 - root - INFO - [chat.py:497] - Loading vector store for hospital 109 and user default -2025-06-06 19:26:52,963 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,968 - root - INFO - [chat.py:497] - Loading vector store for hospital 149 and user default -2025-06-06 19:26:52,971 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,976 - root - INFO - [chat.py:497] - Loading vector store for hospital 150 and user default -2025-06-06 19:26:52,978 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,983 - root - INFO - [chat.py:497] - Loading vector store for hospital 151 and user default -2025-06-06 19:26:52,986 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,991 - root - INFO - [chat.py:497] - Loading vector store for hospital 152 and user default -2025-06-06 19:26:52,993 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:52,998 - root - INFO - [chat.py:497] - Loading vector store for hospital 153 and user default -2025-06-06 19:26:53,001 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,006 - root - INFO - [chat.py:497] - Loading vector store for hospital 154 and user default -2025-06-06 19:26:53,009 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,014 - root - INFO - [chat.py:497] - Loading vector store for hospital 155 and user default -2025-06-06 19:26:53,016 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,021 - root - INFO - [chat.py:497] - Loading vector store for hospital 157 and user default -2025-06-06 19:26:53,024 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,029 - root - INFO - [chat.py:497] - Loading vector store for hospital 158 and user default -2025-06-06 19:26:53,031 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,036 - root - INFO - [chat.py:497] - Loading vector store for hospital 160 and user default -2025-06-06 19:26:53,038 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,043 - root - INFO - [chat.py:497] - Loading vector store for hospital 162 and user default -2025-06-06 19:26:53,046 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,051 - root - INFO - [chat.py:497] - Loading vector store for hospital 163 and user default -2025-06-06 19:26:53,054 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,059 - root - INFO - [chat.py:497] - Loading vector store for hospital 166 and user default -2025-06-06 19:26:53,064 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,069 - root - INFO - [chat.py:497] - Loading vector store for hospital 167 and user default -2025-06-06 19:26:53,072 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,077 - root - INFO - [chat.py:497] - Loading vector store for hospital 168 and user default -2025-06-06 19:26:53,082 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,087 - root - INFO - [chat.py:497] - Loading vector store for hospital 169 and user default -2025-06-06 19:26:53,092 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,099 - root - INFO - [chat.py:497] - Loading vector store for hospital 170 and user default -2025-06-06 19:26:53,102 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,107 - root - INFO - [chat.py:497] - Loading vector store for hospital 172 and user default -2025-06-06 19:26:53,109 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,115 - root - INFO - [chat.py:497] - Loading vector store for hospital 173 and user default -2025-06-06 19:26:53,118 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,123 - root - INFO - [chat.py:497] - Loading vector store for hospital 181 and user default -2025-06-06 19:26:53,125 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,130 - root - INFO - [chat.py:497] - Loading vector store for hospital 182 and user default -2025-06-06 19:26:53,133 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,138 - root - INFO - [chat.py:497] - Loading vector store for hospital 183 and user default -2025-06-06 19:26:53,141 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,146 - root - INFO - [chat.py:497] - Loading vector store for hospital 184 and user default -2025-06-06 19:26:53,149 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,162 - root - INFO - [chat.py:497] - Loading vector store for hospital 194 and user default -2025-06-06 19:26:53,164 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,169 - root - INFO - [chat.py:497] - Loading vector store for hospital 195 and user default -2025-06-06 19:26:53,172 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,177 - root - INFO - [chat.py:497] - Loading vector store for hospital 196 and user default -2025-06-06 19:26:53,179 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,184 - root - INFO - [chat.py:497] - Loading vector store for hospital 197 and user default -2025-06-06 19:26:53,187 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:53,192 - root - INFO - [chat.py:508] - Creating vector store for hospital 198 -2025-06-06 19:26:53,195 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:26:58,082 - root - INFO - [chat.py:2157] - Vector stores loaded successfully -2025-06-06 19:26:58,082 - root - INFO - [chat.py:2160] - Starting Flask application on port 5000 -2025-06-06 19:26:58,086 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-06 19:26:58,087 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-06 19:39:28,386 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-06 19:39:28,401 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-06 19:39:37,606 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-06 19:39:37,606 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-06 19:39:37,607 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-06 19:39:37,607 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-06 19:41:54,321 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-06 19:41:54,323 - root - INFO - [chat.py:2130] - Starting SpurrinAI application -2025-06-06 19:41:54,323 - root - INFO - [chat.py:2131] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-06 19:41:54,323 - root - INFO - [chat.py:2132] - Environment: production -2025-06-06 19:41:54,323 - root - INFO - [chat.py:2136] - Model manager initialized successfully -2025-06-06 19:41:54,323 - root - INFO - [chat.py:2144] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-06 19:41:54,325 - root - INFO - [chat.py:2152] - Cleared 0 Redis cache keys -2025-06-06 19:41:54,325 - root - INFO - [chat.py:2155] - Loading existing vector stores... -2025-06-06 19:41:54,328 - root - INFO - [chat.py:497] - Loading vector store for hospital 6 and user default -2025-06-06 19:41:54,647 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,826 - root - INFO - [chat.py:497] - Loading vector store for hospital 10 and user default -2025-06-06 19:41:54,830 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,836 - root - INFO - [chat.py:497] - Loading vector store for hospital 16 and user default -2025-06-06 19:41:54,838 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,844 - root - INFO - [chat.py:497] - Loading vector store for hospital 19 and user default -2025-06-06 19:41:54,847 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,852 - root - INFO - [chat.py:497] - Loading vector store for hospital 26 and user default -2025-06-06 19:41:54,855 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,860 - root - INFO - [chat.py:497] - Loading vector store for hospital 27 and user default -2025-06-06 19:41:54,863 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,868 - root - INFO - [chat.py:497] - Loading vector store for hospital 29 and user default -2025-06-06 19:41:54,871 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,875 - root - INFO - [chat.py:497] - Loading vector store for hospital 31 and user default -2025-06-06 19:41:54,878 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,883 - root - INFO - [chat.py:497] - Loading vector store for hospital 32 and user default -2025-06-06 19:41:54,886 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,891 - root - INFO - [chat.py:497] - Loading vector store for hospital 36 and user default -2025-06-06 19:41:54,894 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,898 - root - INFO - [chat.py:497] - Loading vector store for hospital 37 and user default -2025-06-06 19:41:54,901 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,905 - root - INFO - [chat.py:497] - Loading vector store for hospital 41 and user default -2025-06-06 19:41:54,908 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,913 - root - INFO - [chat.py:497] - Loading vector store for hospital 42 and user default -2025-06-06 19:41:54,915 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,921 - root - INFO - [chat.py:497] - Loading vector store for hospital 47 and user default -2025-06-06 19:41:54,923 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,929 - root - INFO - [chat.py:497] - Loading vector store for hospital 48 and user default -2025-06-06 19:41:54,932 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,937 - root - INFO - [chat.py:497] - Loading vector store for hospital 52 and user default -2025-06-06 19:41:54,940 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,947 - root - INFO - [chat.py:497] - Loading vector store for hospital 53 and user default -2025-06-06 19:41:54,950 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,955 - root - INFO - [chat.py:497] - Loading vector store for hospital 56 and user default -2025-06-06 19:41:54,958 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,963 - root - INFO - [chat.py:497] - Loading vector store for hospital 57 and user default -2025-06-06 19:41:54,966 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,971 - root - INFO - [chat.py:497] - Loading vector store for hospital 59 and user default -2025-06-06 19:41:54,974 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,981 - root - INFO - [chat.py:497] - Loading vector store for hospital 60 and user default -2025-06-06 19:41:54,984 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,990 - root - INFO - [chat.py:497] - Loading vector store for hospital 64 and user default -2025-06-06 19:41:54,993 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:54,998 - root - INFO - [chat.py:497] - Loading vector store for hospital 65 and user default -2025-06-06 19:41:55,001 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,006 - root - INFO - [chat.py:497] - Loading vector store for hospital 66 and user default -2025-06-06 19:41:55,009 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,014 - root - INFO - [chat.py:497] - Loading vector store for hospital 67 and user default -2025-06-06 19:41:55,017 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,022 - root - INFO - [chat.py:497] - Loading vector store for hospital 68 and user default -2025-06-06 19:41:55,025 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,031 - root - INFO - [chat.py:497] - Loading vector store for hospital 69 and user default -2025-06-06 19:41:55,034 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,039 - root - INFO - [chat.py:497] - Loading vector store for hospital 70 and user default -2025-06-06 19:41:55,042 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,048 - root - INFO - [chat.py:497] - Loading vector store for hospital 71 and user default -2025-06-06 19:41:55,051 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,056 - root - INFO - [chat.py:497] - Loading vector store for hospital 72 and user default -2025-06-06 19:41:55,059 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,064 - root - INFO - [chat.py:497] - Loading vector store for hospital 73 and user default -2025-06-06 19:41:55,067 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,072 - root - INFO - [chat.py:497] - Loading vector store for hospital 75 and user default -2025-06-06 19:41:55,076 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,081 - root - INFO - [chat.py:497] - Loading vector store for hospital 76 and user default -2025-06-06 19:41:55,083 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,088 - root - INFO - [chat.py:497] - Loading vector store for hospital 80 and user default -2025-06-06 19:41:55,091 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,096 - root - INFO - [chat.py:497] - Loading vector store for hospital 81 and user default -2025-06-06 19:41:55,099 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,104 - root - INFO - [chat.py:497] - Loading vector store for hospital 86 and user default -2025-06-06 19:41:55,107 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,112 - root - INFO - [chat.py:497] - Loading vector store for hospital 87 and user default -2025-06-06 19:41:55,115 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,120 - root - INFO - [chat.py:497] - Loading vector store for hospital 90 and user default -2025-06-06 19:41:55,122 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,127 - root - INFO - [chat.py:497] - Loading vector store for hospital 91 and user default -2025-06-06 19:41:55,130 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,135 - root - INFO - [chat.py:497] - Loading vector store for hospital 92 and user default -2025-06-06 19:41:55,138 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,143 - root - INFO - [chat.py:497] - Loading vector store for hospital 94 and user default -2025-06-06 19:41:55,145 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,151 - root - INFO - [chat.py:497] - Loading vector store for hospital 95 and user default -2025-06-06 19:41:55,153 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,158 - root - INFO - [chat.py:497] - Loading vector store for hospital 96 and user default -2025-06-06 19:41:55,161 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,166 - root - INFO - [chat.py:497] - Loading vector store for hospital 97 and user default -2025-06-06 19:41:55,168 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,173 - root - INFO - [chat.py:497] - Loading vector store for hospital 99 and user default -2025-06-06 19:41:55,176 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,180 - root - INFO - [chat.py:497] - Loading vector store for hospital 103 and user default -2025-06-06 19:41:55,183 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,188 - root - INFO - [chat.py:497] - Loading vector store for hospital 106 and user default -2025-06-06 19:41:55,190 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,201 - root - INFO - [chat.py:497] - Loading vector store for hospital 107 and user default -2025-06-06 19:41:55,204 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,208 - root - INFO - [chat.py:497] - Loading vector store for hospital 110 and user default -2025-06-06 19:41:55,211 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,216 - root - INFO - [chat.py:497] - Loading vector store for hospital 111 and user default -2025-06-06 19:41:55,218 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,224 - root - INFO - [chat.py:497] - Loading vector store for hospital 112 and user default -2025-06-06 19:41:55,228 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,233 - root - INFO - [chat.py:497] - Loading vector store for hospital 113 and user default -2025-06-06 19:41:55,235 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,240 - root - INFO - [chat.py:497] - Loading vector store for hospital 114 and user default -2025-06-06 19:41:55,243 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,248 - root - INFO - [chat.py:497] - Loading vector store for hospital 116 and user default -2025-06-06 19:41:55,251 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,255 - root - INFO - [chat.py:497] - Loading vector store for hospital 117 and user default -2025-06-06 19:41:55,258 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,263 - root - INFO - [chat.py:497] - Loading vector store for hospital 118 and user default -2025-06-06 19:41:55,266 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,271 - root - INFO - [chat.py:497] - Loading vector store for hospital 119 and user default -2025-06-06 19:41:55,273 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,278 - root - INFO - [chat.py:497] - Loading vector store for hospital 121 and user default -2025-06-06 19:41:55,281 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,286 - root - INFO - [chat.py:497] - Loading vector store for hospital 122 and user default -2025-06-06 19:41:55,288 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,293 - root - INFO - [chat.py:497] - Loading vector store for hospital 123 and user default -2025-06-06 19:41:55,296 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,301 - root - INFO - [chat.py:497] - Loading vector store for hospital 124 and user default -2025-06-06 19:41:55,305 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,310 - root - INFO - [chat.py:497] - Loading vector store for hospital 126 and user default -2025-06-06 19:41:55,313 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,320 - root - INFO - [chat.py:497] - Loading vector store for hospital 127 and user default -2025-06-06 19:41:55,323 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,330 - root - INFO - [chat.py:497] - Loading vector store for hospital 129 and user default -2025-06-06 19:41:55,332 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,338 - root - INFO - [chat.py:497] - Loading vector store for hospital 131 and user default -2025-06-06 19:41:55,340 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,345 - root - INFO - [chat.py:497] - Loading vector store for hospital 132 and user default -2025-06-06 19:41:55,348 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,353 - root - INFO - [chat.py:497] - Loading vector store for hospital 136 and user default -2025-06-06 19:41:55,356 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,622 - root - INFO - [chat.py:497] - Loading vector store for hospital 137 and user default -2025-06-06 19:41:55,625 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,630 - root - INFO - [chat.py:497] - Loading vector store for hospital 141 and user default -2025-06-06 19:41:55,633 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,638 - root - INFO - [chat.py:497] - Loading vector store for hospital 142 and user default -2025-06-06 19:41:55,641 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,646 - root - INFO - [chat.py:497] - Loading vector store for hospital 145 and user default -2025-06-06 19:41:55,649 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,654 - root - INFO - [chat.py:497] - Loading vector store for hospital 146 and user default -2025-06-06 19:41:55,658 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,663 - root - INFO - [chat.py:497] - Loading vector store for hospital 148 and user default -2025-06-06 19:41:55,666 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,670 - root - INFO - [chat.py:497] - Loading vector store for hospital 177 and user default -2025-06-06 19:41:55,673 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,678 - root - INFO - [chat.py:497] - Loading vector store for hospital 178 and user default -2025-06-06 19:41:55,681 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,685 - root - INFO - [chat.py:497] - Loading vector store for hospital 186 and user default -2025-06-06 19:41:55,688 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,693 - root - INFO - [chat.py:497] - Loading vector store for hospital 187 and user default -2025-06-06 19:41:55,695 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,700 - root - INFO - [chat.py:497] - Loading vector store for hospital 191 and user default -2025-06-06 19:41:55,703 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,707 - root - INFO - [chat.py:497] - Loading vector store for hospital 192 and user default -2025-06-06 19:41:55,710 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:55,715 - root - INFO - [chat.py:508] - Creating vector store for hospital 200 -2025-06-06 19:41:55,717 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,558 - root - INFO - [chat.py:497] - Loading vector store for hospital 45 and user default -2025-06-06 19:41:59,562 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,567 - root - INFO - [chat.py:497] - Loading vector store for hospital 63 and user default -2025-06-06 19:41:59,570 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,575 - root - INFO - [chat.py:497] - Loading vector store for hospital 93 and user default -2025-06-06 19:41:59,578 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,583 - root - INFO - [chat.py:497] - Loading vector store for hospital 98 and user default -2025-06-06 19:41:59,586 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,591 - root - INFO - [chat.py:497] - Loading vector store for hospital 102 and user default -2025-06-06 19:41:59,593 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,598 - root - INFO - [chat.py:497] - Loading vector store for hospital 104 and user default -2025-06-06 19:41:59,600 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,605 - root - INFO - [chat.py:497] - Loading vector store for hospital 109 and user default -2025-06-06 19:41:59,607 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,612 - root - INFO - [chat.py:497] - Loading vector store for hospital 149 and user default -2025-06-06 19:41:59,615 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,620 - root - INFO - [chat.py:497] - Loading vector store for hospital 150 and user default -2025-06-06 19:41:59,622 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,627 - root - INFO - [chat.py:497] - Loading vector store for hospital 151 and user default -2025-06-06 19:41:59,630 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,635 - root - INFO - [chat.py:497] - Loading vector store for hospital 152 and user default -2025-06-06 19:41:59,638 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,643 - root - INFO - [chat.py:497] - Loading vector store for hospital 153 and user default -2025-06-06 19:41:59,646 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,650 - root - INFO - [chat.py:497] - Loading vector store for hospital 154 and user default -2025-06-06 19:41:59,653 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,658 - root - INFO - [chat.py:497] - Loading vector store for hospital 155 and user default -2025-06-06 19:41:59,660 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,665 - root - INFO - [chat.py:497] - Loading vector store for hospital 157 and user default -2025-06-06 19:41:59,667 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,672 - root - INFO - [chat.py:497] - Loading vector store for hospital 158 and user default -2025-06-06 19:41:59,675 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,679 - root - INFO - [chat.py:497] - Loading vector store for hospital 160 and user default -2025-06-06 19:41:59,682 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,686 - root - INFO - [chat.py:497] - Loading vector store for hospital 162 and user default -2025-06-06 19:41:59,690 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,695 - root - INFO - [chat.py:497] - Loading vector store for hospital 163 and user default -2025-06-06 19:41:59,697 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,702 - root - INFO - [chat.py:497] - Loading vector store for hospital 166 and user default -2025-06-06 19:41:59,705 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,709 - root - INFO - [chat.py:497] - Loading vector store for hospital 167 and user default -2025-06-06 19:41:59,712 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,717 - root - INFO - [chat.py:497] - Loading vector store for hospital 168 and user default -2025-06-06 19:41:59,719 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,724 - root - INFO - [chat.py:497] - Loading vector store for hospital 169 and user default -2025-06-06 19:41:59,726 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,731 - root - INFO - [chat.py:497] - Loading vector store for hospital 170 and user default -2025-06-06 19:41:59,734 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,739 - root - INFO - [chat.py:497] - Loading vector store for hospital 172 and user default -2025-06-06 19:41:59,742 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,747 - root - INFO - [chat.py:497] - Loading vector store for hospital 173 and user default -2025-06-06 19:41:59,749 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,755 - root - INFO - [chat.py:497] - Loading vector store for hospital 181 and user default -2025-06-06 19:41:59,758 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,763 - root - INFO - [chat.py:497] - Loading vector store for hospital 182 and user default -2025-06-06 19:41:59,766 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,770 - root - INFO - [chat.py:497] - Loading vector store for hospital 183 and user default -2025-06-06 19:41:59,773 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,778 - root - INFO - [chat.py:497] - Loading vector store for hospital 184 and user default -2025-06-06 19:41:59,780 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,791 - root - INFO - [chat.py:497] - Loading vector store for hospital 194 and user default -2025-06-06 19:41:59,793 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,800 - root - INFO - [chat.py:497] - Loading vector store for hospital 195 and user default -2025-06-06 19:41:59,802 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,807 - root - INFO - [chat.py:497] - Loading vector store for hospital 196 and user default -2025-06-06 19:41:59,810 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,814 - root - INFO - [chat.py:497] - Loading vector store for hospital 197 and user default -2025-06-06 19:41:59,817 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,822 - root - INFO - [chat.py:497] - Loading vector store for hospital 198 and user default -2025-06-06 19:41:59,825 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:41:59,830 - root - INFO - [chat.py:508] - Creating vector store for hospital 199 -2025-06-06 19:41:59,833 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:42:03,867 - root - INFO - [chat.py:508] - Creating vector store for hospital 201 -2025-06-06 19:42:03,871 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:42:07,481 - root - INFO - [chat.py:508] - Creating vector store for hospital 202 -2025-06-06 19:42:07,484 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:42:11,377 - root - INFO - [chat.py:508] - Creating vector store for hospital 203 -2025-06-06 19:42:11,380 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:42:15,373 - root - INFO - [chat.py:508] - Creating vector store for hospital 204 -2025-06-06 19:42:15,376 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:42:19,064 - root - INFO - [chat.py:2157] - Vector stores loaded successfully -2025-06-06 19:42:19,064 - root - INFO - [chat.py:2160] - Starting Flask application on port 5000 -2025-06-06 19:42:19,068 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-06 19:42:19,068 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-06 19:47:06,208 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-06 19:47:06,222 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-06 19:47:15,164 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-06 19:47:15,165 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-06 19:47:15,165 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-06 19:47:15,165 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-06 19:49:49,194 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-06 19:49:49,197 - root - INFO - [chat.py:2130] - Starting SpurrinAI application -2025-06-06 19:49:49,197 - root - INFO - [chat.py:2131] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-06 19:49:49,197 - root - INFO - [chat.py:2132] - Environment: production -2025-06-06 19:49:49,197 - root - INFO - [chat.py:2136] - Model manager initialized successfully -2025-06-06 19:49:49,197 - root - INFO - [chat.py:2144] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-06 19:49:49,199 - root - INFO - [chat.py:2152] - Cleared 0 Redis cache keys -2025-06-06 19:49:49,199 - root - INFO - [chat.py:2155] - Loading existing vector stores... -2025-06-06 19:49:49,202 - root - INFO - [chat.py:497] - Loading vector store for hospital 6 and user default -2025-06-06 19:49:49,524 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,694 - root - INFO - [chat.py:497] - Loading vector store for hospital 10 and user default -2025-06-06 19:49:49,697 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,702 - root - INFO - [chat.py:497] - Loading vector store for hospital 16 and user default -2025-06-06 19:49:49,705 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,710 - root - INFO - [chat.py:497] - Loading vector store for hospital 19 and user default -2025-06-06 19:49:49,713 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,718 - root - INFO - [chat.py:497] - Loading vector store for hospital 26 and user default -2025-06-06 19:49:49,721 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,726 - root - INFO - [chat.py:497] - Loading vector store for hospital 27 and user default -2025-06-06 19:49:49,728 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,733 - root - INFO - [chat.py:497] - Loading vector store for hospital 29 and user default -2025-06-06 19:49:49,736 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,741 - root - INFO - [chat.py:497] - Loading vector store for hospital 31 and user default -2025-06-06 19:49:49,744 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,749 - root - INFO - [chat.py:497] - Loading vector store for hospital 32 and user default -2025-06-06 19:49:49,752 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,757 - root - INFO - [chat.py:497] - Loading vector store for hospital 36 and user default -2025-06-06 19:49:49,760 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,765 - root - INFO - [chat.py:497] - Loading vector store for hospital 37 and user default -2025-06-06 19:49:49,768 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,773 - root - INFO - [chat.py:497] - Loading vector store for hospital 41 and user default -2025-06-06 19:49:49,775 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,780 - root - INFO - [chat.py:497] - Loading vector store for hospital 42 and user default -2025-06-06 19:49:49,783 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,788 - root - INFO - [chat.py:497] - Loading vector store for hospital 47 and user default -2025-06-06 19:49:49,791 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,796 - root - INFO - [chat.py:497] - Loading vector store for hospital 48 and user default -2025-06-06 19:49:49,798 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,803 - root - INFO - [chat.py:497] - Loading vector store for hospital 52 and user default -2025-06-06 19:49:49,806 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,813 - root - INFO - [chat.py:497] - Loading vector store for hospital 53 and user default -2025-06-06 19:49:49,816 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,821 - root - INFO - [chat.py:497] - Loading vector store for hospital 56 and user default -2025-06-06 19:49:49,824 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,830 - root - INFO - [chat.py:497] - Loading vector store for hospital 57 and user default -2025-06-06 19:49:49,833 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,839 - root - INFO - [chat.py:497] - Loading vector store for hospital 59 and user default -2025-06-06 19:49:49,844 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,852 - root - INFO - [chat.py:497] - Loading vector store for hospital 60 and user default -2025-06-06 19:49:49,859 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,869 - root - INFO - [chat.py:497] - Loading vector store for hospital 64 and user default -2025-06-06 19:49:49,873 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,879 - root - INFO - [chat.py:497] - Loading vector store for hospital 65 and user default -2025-06-06 19:49:49,882 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,889 - root - INFO - [chat.py:497] - Loading vector store for hospital 66 and user default -2025-06-06 19:49:49,892 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,898 - root - INFO - [chat.py:497] - Loading vector store for hospital 67 and user default -2025-06-06 19:49:49,901 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,907 - root - INFO - [chat.py:497] - Loading vector store for hospital 68 and user default -2025-06-06 19:49:49,910 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,916 - root - INFO - [chat.py:497] - Loading vector store for hospital 69 and user default -2025-06-06 19:49:49,920 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,925 - root - INFO - [chat.py:497] - Loading vector store for hospital 70 and user default -2025-06-06 19:49:49,928 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,935 - root - INFO - [chat.py:497] - Loading vector store for hospital 71 and user default -2025-06-06 19:49:49,937 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,943 - root - INFO - [chat.py:497] - Loading vector store for hospital 72 and user default -2025-06-06 19:49:49,946 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,953 - root - INFO - [chat.py:497] - Loading vector store for hospital 73 and user default -2025-06-06 19:49:49,957 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,964 - root - INFO - [chat.py:497] - Loading vector store for hospital 75 and user default -2025-06-06 19:49:49,967 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,976 - root - INFO - [chat.py:497] - Loading vector store for hospital 76 and user default -2025-06-06 19:49:49,981 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,987 - root - INFO - [chat.py:497] - Loading vector store for hospital 80 and user default -2025-06-06 19:49:49,991 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:49,997 - root - INFO - [chat.py:497] - Loading vector store for hospital 81 and user default -2025-06-06 19:49:50,000 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,007 - root - INFO - [chat.py:497] - Loading vector store for hospital 86 and user default -2025-06-06 19:49:50,011 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,017 - root - INFO - [chat.py:497] - Loading vector store for hospital 87 and user default -2025-06-06 19:49:50,020 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,025 - root - INFO - [chat.py:497] - Loading vector store for hospital 90 and user default -2025-06-06 19:49:50,028 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,033 - root - INFO - [chat.py:497] - Loading vector store for hospital 91 and user default -2025-06-06 19:49:50,035 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,040 - root - INFO - [chat.py:497] - Loading vector store for hospital 92 and user default -2025-06-06 19:49:50,043 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,048 - root - INFO - [chat.py:497] - Loading vector store for hospital 94 and user default -2025-06-06 19:49:50,051 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,056 - root - INFO - [chat.py:497] - Loading vector store for hospital 95 and user default -2025-06-06 19:49:50,059 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,064 - root - INFO - [chat.py:497] - Loading vector store for hospital 96 and user default -2025-06-06 19:49:50,067 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,072 - root - INFO - [chat.py:497] - Loading vector store for hospital 97 and user default -2025-06-06 19:49:50,074 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,081 - root - INFO - [chat.py:497] - Loading vector store for hospital 99 and user default -2025-06-06 19:49:50,083 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,088 - root - INFO - [chat.py:497] - Loading vector store for hospital 103 and user default -2025-06-06 19:49:50,091 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,096 - root - INFO - [chat.py:497] - Loading vector store for hospital 106 and user default -2025-06-06 19:49:50,099 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,109 - root - INFO - [chat.py:497] - Loading vector store for hospital 107 and user default -2025-06-06 19:49:50,112 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,118 - root - INFO - [chat.py:497] - Loading vector store for hospital 110 and user default -2025-06-06 19:49:50,121 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,126 - root - INFO - [chat.py:497] - Loading vector store for hospital 111 and user default -2025-06-06 19:49:50,129 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,136 - root - INFO - [chat.py:497] - Loading vector store for hospital 112 and user default -2025-06-06 19:49:50,139 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,144 - root - INFO - [chat.py:497] - Loading vector store for hospital 113 and user default -2025-06-06 19:49:50,147 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,152 - root - INFO - [chat.py:497] - Loading vector store for hospital 114 and user default -2025-06-06 19:49:50,155 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,160 - root - INFO - [chat.py:497] - Loading vector store for hospital 116 and user default -2025-06-06 19:49:50,162 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,167 - root - INFO - [chat.py:497] - Loading vector store for hospital 117 and user default -2025-06-06 19:49:50,170 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,176 - root - INFO - [chat.py:497] - Loading vector store for hospital 118 and user default -2025-06-06 19:49:50,179 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,185 - root - INFO - [chat.py:497] - Loading vector store for hospital 119 and user default -2025-06-06 19:49:50,188 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,193 - root - INFO - [chat.py:497] - Loading vector store for hospital 121 and user default -2025-06-06 19:49:50,195 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,200 - root - INFO - [chat.py:497] - Loading vector store for hospital 122 and user default -2025-06-06 19:49:50,203 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,209 - root - INFO - [chat.py:497] - Loading vector store for hospital 123 and user default -2025-06-06 19:49:50,211 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,216 - root - INFO - [chat.py:497] - Loading vector store for hospital 124 and user default -2025-06-06 19:49:50,219 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,223 - root - INFO - [chat.py:497] - Loading vector store for hospital 126 and user default -2025-06-06 19:49:50,226 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,232 - root - INFO - [chat.py:497] - Loading vector store for hospital 127 and user default -2025-06-06 19:49:50,235 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,241 - root - INFO - [chat.py:497] - Loading vector store for hospital 129 and user default -2025-06-06 19:49:50,243 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,248 - root - INFO - [chat.py:497] - Loading vector store for hospital 131 and user default -2025-06-06 19:49:50,251 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,256 - root - INFO - [chat.py:497] - Loading vector store for hospital 132 and user default -2025-06-06 19:49:50,259 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,264 - root - INFO - [chat.py:497] - Loading vector store for hospital 136 and user default -2025-06-06 19:49:50,267 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,527 - root - INFO - [chat.py:497] - Loading vector store for hospital 137 and user default -2025-06-06 19:49:50,530 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,535 - root - INFO - [chat.py:497] - Loading vector store for hospital 141 and user default -2025-06-06 19:49:50,538 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,543 - root - INFO - [chat.py:497] - Loading vector store for hospital 142 and user default -2025-06-06 19:49:50,545 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,551 - root - INFO - [chat.py:497] - Loading vector store for hospital 145 and user default -2025-06-06 19:49:50,553 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,558 - root - INFO - [chat.py:497] - Loading vector store for hospital 146 and user default -2025-06-06 19:49:50,561 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,566 - root - INFO - [chat.py:497] - Loading vector store for hospital 148 and user default -2025-06-06 19:49:50,569 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,574 - root - INFO - [chat.py:497] - Loading vector store for hospital 177 and user default -2025-06-06 19:49:50,577 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,582 - root - INFO - [chat.py:497] - Loading vector store for hospital 178 and user default -2025-06-06 19:49:50,585 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,590 - root - INFO - [chat.py:497] - Loading vector store for hospital 186 and user default -2025-06-06 19:49:50,592 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,597 - root - INFO - [chat.py:497] - Loading vector store for hospital 187 and user default -2025-06-06 19:49:50,600 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,606 - root - INFO - [chat.py:497] - Loading vector store for hospital 191 and user default -2025-06-06 19:49:50,608 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,613 - root - INFO - [chat.py:497] - Loading vector store for hospital 192 and user default -2025-06-06 19:49:50,616 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,621 - root - INFO - [chat.py:497] - Loading vector store for hospital 200 and user default -2025-06-06 19:49:50,623 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,628 - root - INFO - [chat.py:497] - Loading vector store for hospital 45 and user default -2025-06-06 19:49:50,631 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,636 - root - INFO - [chat.py:497] - Loading vector store for hospital 63 and user default -2025-06-06 19:49:50,638 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,644 - root - INFO - [chat.py:497] - Loading vector store for hospital 93 and user default -2025-06-06 19:49:50,647 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,652 - root - INFO - [chat.py:497] - Loading vector store for hospital 98 and user default -2025-06-06 19:49:50,655 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,660 - root - INFO - [chat.py:497] - Loading vector store for hospital 102 and user default -2025-06-06 19:49:50,662 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,667 - root - INFO - [chat.py:497] - Loading vector store for hospital 104 and user default -2025-06-06 19:49:50,670 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,675 - root - INFO - [chat.py:497] - Loading vector store for hospital 109 and user default -2025-06-06 19:49:50,677 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,682 - root - INFO - [chat.py:497] - Loading vector store for hospital 149 and user default -2025-06-06 19:49:50,685 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,690 - root - INFO - [chat.py:497] - Loading vector store for hospital 150 and user default -2025-06-06 19:49:50,692 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,697 - root - INFO - [chat.py:497] - Loading vector store for hospital 151 and user default -2025-06-06 19:49:50,700 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,705 - root - INFO - [chat.py:497] - Loading vector store for hospital 152 and user default -2025-06-06 19:49:50,707 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,712 - root - INFO - [chat.py:497] - Loading vector store for hospital 153 and user default -2025-06-06 19:49:50,715 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,719 - root - INFO - [chat.py:497] - Loading vector store for hospital 154 and user default -2025-06-06 19:49:50,722 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,727 - root - INFO - [chat.py:497] - Loading vector store for hospital 155 and user default -2025-06-06 19:49:50,729 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,734 - root - INFO - [chat.py:497] - Loading vector store for hospital 157 and user default -2025-06-06 19:49:50,737 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,742 - root - INFO - [chat.py:497] - Loading vector store for hospital 158 and user default -2025-06-06 19:49:50,744 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,749 - root - INFO - [chat.py:497] - Loading vector store for hospital 160 and user default -2025-06-06 19:49:50,751 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,756 - root - INFO - [chat.py:497] - Loading vector store for hospital 162 and user default -2025-06-06 19:49:50,759 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,764 - root - INFO - [chat.py:497] - Loading vector store for hospital 163 and user default -2025-06-06 19:49:50,767 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,772 - root - INFO - [chat.py:497] - Loading vector store for hospital 166 and user default -2025-06-06 19:49:50,774 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,779 - root - INFO - [chat.py:497] - Loading vector store for hospital 167 and user default -2025-06-06 19:49:50,781 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,786 - root - INFO - [chat.py:497] - Loading vector store for hospital 168 and user default -2025-06-06 19:49:50,789 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,794 - root - INFO - [chat.py:497] - Loading vector store for hospital 169 and user default -2025-06-06 19:49:50,796 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,801 - root - INFO - [chat.py:497] - Loading vector store for hospital 170 and user default -2025-06-06 19:49:50,803 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,808 - root - INFO - [chat.py:497] - Loading vector store for hospital 172 and user default -2025-06-06 19:49:50,811 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,816 - root - INFO - [chat.py:497] - Loading vector store for hospital 173 and user default -2025-06-06 19:49:50,819 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,824 - root - INFO - [chat.py:497] - Loading vector store for hospital 181 and user default -2025-06-06 19:49:50,826 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,831 - root - INFO - [chat.py:497] - Loading vector store for hospital 182 and user default -2025-06-06 19:49:50,834 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,839 - root - INFO - [chat.py:497] - Loading vector store for hospital 183 and user default -2025-06-06 19:49:50,841 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,846 - root - INFO - [chat.py:497] - Loading vector store for hospital 184 and user default -2025-06-06 19:49:50,849 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,860 - root - INFO - [chat.py:497] - Loading vector store for hospital 194 and user default -2025-06-06 19:49:50,862 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,867 - root - INFO - [chat.py:497] - Loading vector store for hospital 195 and user default -2025-06-06 19:49:50,870 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,875 - root - INFO - [chat.py:497] - Loading vector store for hospital 196 and user default -2025-06-06 19:49:50,877 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,882 - root - INFO - [chat.py:497] - Loading vector store for hospital 197 and user default -2025-06-06 19:49:50,885 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,892 - root - INFO - [chat.py:497] - Loading vector store for hospital 198 and user default -2025-06-06 19:49:50,894 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,899 - root - INFO - [chat.py:497] - Loading vector store for hospital 199 and user default -2025-06-06 19:49:50,902 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,907 - root - INFO - [chat.py:497] - Loading vector store for hospital 201 and user default -2025-06-06 19:49:50,909 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,914 - root - INFO - [chat.py:497] - Loading vector store for hospital 202 and user default -2025-06-06 19:49:50,917 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,921 - root - INFO - [chat.py:497] - Loading vector store for hospital 203 and user default -2025-06-06 19:49:50,924 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,929 - root - INFO - [chat.py:497] - Loading vector store for hospital 204 and user default -2025-06-06 19:49:50,931 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:50,936 - root - INFO - [chat.py:508] - Creating vector store for hospital 206 -2025-06-06 19:49:50,939 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:49:58,578 - root - INFO - [chat.py:508] - Creating vector store for hospital 207 -2025-06-06 19:49:58,582 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:50:05,819 - root - INFO - [chat.py:508] - Creating vector store for hospital 209 -2025-06-06 19:50:05,822 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:50:11,265 - root - INFO - [chat.py:508] - Creating vector store for hospital 210 -2025-06-06 19:50:11,268 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:50:15,793 - root - INFO - [chat.py:2157] - Vector stores loaded successfully -2025-06-06 19:50:15,794 - root - INFO - [chat.py:2160] - Starting Flask application on port 5000 -2025-06-06 19:50:15,799 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-06 19:50:15,800 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-06 19:50:30,860 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 19:50:30,862 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 405 -2025-06-06 19:50:30,865 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 19:50:30,865 - root - INFO - [chat.py:1858] - Starting processing of document 405 -2025-06-06 19:50:30,866 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 19:50:30,911 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 19:50:30,954 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 405 -2025-06-06 19:50:30,957 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 19:50:30,957 - root - INFO - [chat.py:1858] - Starting processing of document 405 -2025-06-06 19:50:30,959 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 19:50:35,666 - root - INFO - [chat.py:380] - Successfully saved 1 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:35,729 - root - INFO - [chat.py:380] - Successfully saved 2 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:35,781 - root - INFO - [chat.py:380] - Successfully saved 2 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:35,848 - root - INFO - [chat.py:380] - Successfully saved 3 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:35,860 - root - INFO - [chat.py:380] - Successfully saved 4 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:35,867 - root - INFO - [chat.py:380] - Successfully saved 5 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:35,868 - root - INFO - [chat.py:380] - Successfully saved 6 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:35,868 - root - INFO - [chat.py:380] - Successfully saved 6 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:35,869 - root - INFO - [chat.py:380] - Successfully saved 7 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:35,876 - root - INFO - [chat.py:380] - Successfully saved 9 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:35,877 - root - INFO - [chat.py:380] - Successfully saved 10 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:35,927 - root - INFO - [chat.py:380] - Successfully saved 10 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:35,964 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:35,975 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:36,001 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 19:50:36,543 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 19:50:36,609 - root - INFO - [chat.py:572] - Processing 30 pages for document 405 -2025-06-06 19:50:37,933 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:37,934 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:37,935 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:37,936 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:37,936 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:37,937 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:37,937 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:37,938 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:37,938 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:37,940 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:37,941 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:37,941 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:37,942 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:37,942 - root - INFO - [chat.py:380] - Successfully saved 11 unique ICD codes to JSON for hospital 210 -2025-06-06 19:50:37,943 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 19:50:38,125 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 19:50:38,128 - root - INFO - [chat.py:572] - Processing 60 pages for document 405 -2025-06-06 19:50:40,071 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 19:50:40,134 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 19:50:41,734 - root - INFO - [chat.py:646] - Saving 20 ICD codes -2025-06-06 19:50:41,734 - root - INFO - [chat.py:650] - Successfully indexed document 405 -2025-06-06 19:50:41,737 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 19:50:42,056 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 11.145s - IP: 127.0.0.1 -2025-06-06 19:50:42,059 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 19:50:42] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 19:50:42,767 - root - INFO - [chat.py:646] - Saving 40 ICD codes -2025-06-06 19:50:42,767 - root - INFO - [chat.py:650] - Successfully indexed document 405 -2025-06-06 19:50:42,768 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 19:50:42,771 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 11.911s - IP: 127.0.0.1 -2025-06-06 19:50:42,772 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 19:50:42] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 19:50:59,869 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 19:50:59,872 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 406 -2025-06-06 19:50:59,876 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 19:50:59,876 - root - INFO - [chat.py:1858] - Starting processing of document 406 -2025-06-06 19:50:59,878 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 19:51:00,279 - root - INFO - [chat.py:380] - Successfully saved 13 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:00,280 - root - INFO - [chat.py:380] - Successfully saved 14 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:00,280 - root - INFO - [chat.py:380] - Successfully saved 17 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:00,281 - root - INFO - [chat.py:380] - Successfully saved 18 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:00,281 - root - INFO - [chat.py:380] - Successfully saved 19 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:00,282 - root - INFO - [chat.py:380] - Successfully saved 20 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:00,282 - root - INFO - [chat.py:380] - Successfully saved 21 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:00,283 - root - INFO - [chat.py:380] - Successfully saved 21 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:00,283 - root - INFO - [chat.py:380] - Successfully saved 22 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:00,284 - root - INFO - [chat.py:380] - Successfully saved 22 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:00,284 - root - INFO - [chat.py:380] - Successfully saved 23 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:00,285 - root - INFO - [chat.py:380] - Successfully saved 24 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:00,285 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 19:51:00,530 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 19:51:00,532 - root - INFO - [chat.py:572] - Processing 15 pages for document 406 -2025-06-06 19:51:01,305 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 19:51:02,151 - root - INFO - [chat.py:646] - Saving 31 ICD codes -2025-06-06 19:51:02,151 - root - INFO - [chat.py:650] - Successfully indexed document 406 -2025-06-06 19:51:02,152 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 19:51:02,219 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 2.350s - IP: 127.0.0.1 -2025-06-06 19:51:02,220 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 19:51:02] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 19:51:02,227 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 19:51:02,232 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 407 -2025-06-06 19:51:02,234 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 19:51:02,235 - root - INFO - [chat.py:1858] - Starting processing of document 407 -2025-06-06 19:51:02,238 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 19:51:04,229 - root - INFO - [chat.py:2019] - Received request to delete vectors for document 411 from hospital 210 -2025-06-06 19:51:04,335 - root - INFO - [chat.py:548] - Successfully deleted vectors for document 411 from hospital 210 -2025-06-06 19:51:04,348 - access - INFO - [chat.py:2122] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.118s - IP: 127.0.0.1 -2025-06-06 19:51:04,352 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 19:51:04] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-06 19:51:04,365 - root - INFO - [chat.py:380] - Successfully saved 25 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,366 - root - INFO - [chat.py:380] - Successfully saved 25 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,367 - root - INFO - [chat.py:380] - Successfully saved 26 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,368 - root - INFO - [chat.py:380] - Successfully saved 47 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,368 - root - INFO - [chat.py:380] - Successfully saved 67 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,369 - root - INFO - [chat.py:380] - Successfully saved 74 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,370 - root - INFO - [chat.py:380] - Successfully saved 74 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,371 - root - INFO - [chat.py:380] - Successfully saved 74 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,372 - root - INFO - [chat.py:380] - Successfully saved 74 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,373 - root - INFO - [chat.py:380] - Successfully saved 76 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,374 - root - INFO - [chat.py:380] - Successfully saved 76 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,375 - root - INFO - [chat.py:380] - Successfully saved 76 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,375 - root - INFO - [chat.py:380] - Successfully saved 76 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,376 - root - INFO - [chat.py:380] - Successfully saved 76 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,377 - root - INFO - [chat.py:380] - Successfully saved 77 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,378 - root - INFO - [chat.py:380] - Successfully saved 78 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,379 - root - INFO - [chat.py:380] - Successfully saved 79 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,380 - root - INFO - [chat.py:380] - Successfully saved 80 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,381 - root - INFO - [chat.py:380] - Successfully saved 80 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,382 - root - INFO - [chat.py:380] - Successfully saved 80 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,383 - root - INFO - [chat.py:380] - Successfully saved 80 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,384 - root - INFO - [chat.py:380] - Successfully saved 80 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,385 - root - INFO - [chat.py:380] - Successfully saved 82 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,386 - root - INFO - [chat.py:380] - Successfully saved 84 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,387 - root - INFO - [chat.py:380] - Successfully saved 84 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,387 - root - INFO - [chat.py:380] - Successfully saved 84 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,388 - root - INFO - [chat.py:380] - Successfully saved 84 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,390 - root - INFO - [chat.py:380] - Successfully saved 86 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,391 - root - INFO - [chat.py:380] - Successfully saved 86 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,392 - root - INFO - [chat.py:380] - Successfully saved 86 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,392 - root - INFO - [chat.py:380] - Successfully saved 86 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,393 - root - INFO - [chat.py:380] - Successfully saved 86 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,394 - root - INFO - [chat.py:380] - Successfully saved 86 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,395 - root - INFO - [chat.py:380] - Successfully saved 86 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,396 - root - INFO - [chat.py:380] - Successfully saved 86 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,397 - root - INFO - [chat.py:380] - Successfully saved 86 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,398 - root - INFO - [chat.py:380] - Successfully saved 87 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,399 - root - INFO - [chat.py:380] - Successfully saved 87 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,400 - root - INFO - [chat.py:380] - Successfully saved 87 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,401 - root - INFO - [chat.py:380] - Successfully saved 87 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,402 - root - INFO - [chat.py:380] - Successfully saved 87 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,403 - root - INFO - [chat.py:380] - Successfully saved 87 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,404 - root - INFO - [chat.py:380] - Successfully saved 88 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,405 - root - INFO - [chat.py:380] - Successfully saved 88 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,406 - root - INFO - [chat.py:380] - Successfully saved 88 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,406 - root - INFO - [chat.py:380] - Successfully saved 88 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,407 - root - INFO - [chat.py:380] - Successfully saved 88 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,408 - root - INFO - [chat.py:380] - Successfully saved 89 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,409 - root - INFO - [chat.py:380] - Successfully saved 89 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,410 - root - INFO - [chat.py:380] - Successfully saved 90 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,411 - root - INFO - [chat.py:380] - Successfully saved 90 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,412 - root - INFO - [chat.py:380] - Successfully saved 91 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,414 - root - INFO - [chat.py:380] - Successfully saved 91 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,415 - root - INFO - [chat.py:380] - Successfully saved 91 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,416 - root - INFO - [chat.py:380] - Successfully saved 91 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,417 - root - INFO - [chat.py:380] - Successfully saved 91 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,418 - root - INFO - [chat.py:380] - Successfully saved 93 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,419 - root - INFO - [chat.py:380] - Successfully saved 94 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,420 - root - INFO - [chat.py:380] - Successfully saved 94 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,421 - root - INFO - [chat.py:380] - Successfully saved 94 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,422 - root - INFO - [chat.py:380] - Successfully saved 94 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,423 - root - INFO - [chat.py:380] - Successfully saved 94 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,424 - root - INFO - [chat.py:380] - Successfully saved 94 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,425 - root - INFO - [chat.py:380] - Successfully saved 95 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,426 - root - INFO - [chat.py:380] - Successfully saved 95 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,427 - root - INFO - [chat.py:380] - Successfully saved 95 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,428 - root - INFO - [chat.py:380] - Successfully saved 95 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,429 - root - INFO - [chat.py:380] - Successfully saved 96 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,430 - root - INFO - [chat.py:380] - Successfully saved 96 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,431 - root - INFO - [chat.py:380] - Successfully saved 97 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,432 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,433 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,434 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,435 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,436 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,438 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,440 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,441 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,442 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,443 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,444 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,445 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,446 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,447 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,448 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,449 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 19:51:04,450 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 19:51:04,692 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 19:51:04,697 - root - INFO - [chat.py:572] - Processing 150 pages for document 407 -2025-06-06 19:51:15,948 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-06 19:51:15,948 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-06 19:51:15,949 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-06 19:51:15,949 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-06 19:53:55,100 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-06 19:53:55,101 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-06 19:53:55,101 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-06 19:53:55,101 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-06 19:56:52,261 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-06 19:56:52,264 - root - INFO - [chat.py:2130] - Starting SpurrinAI application -2025-06-06 19:56:52,264 - root - INFO - [chat.py:2131] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-06 19:56:52,264 - root - INFO - [chat.py:2132] - Environment: production -2025-06-06 19:56:52,264 - root - INFO - [chat.py:2136] - Model manager initialized successfully -2025-06-06 19:56:52,264 - root - INFO - [chat.py:2144] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-06 19:56:52,266 - root - INFO - [chat.py:2152] - Cleared 0 Redis cache keys -2025-06-06 19:56:52,266 - root - INFO - [chat.py:2155] - Loading existing vector stores... -2025-06-06 19:56:52,269 - root - INFO - [chat.py:497] - Loading vector store for hospital 6 and user default -2025-06-06 19:56:52,576 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,755 - root - INFO - [chat.py:497] - Loading vector store for hospital 10 and user default -2025-06-06 19:56:52,758 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,763 - root - INFO - [chat.py:497] - Loading vector store for hospital 16 and user default -2025-06-06 19:56:52,766 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,771 - root - INFO - [chat.py:497] - Loading vector store for hospital 19 and user default -2025-06-06 19:56:52,773 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,778 - root - INFO - [chat.py:497] - Loading vector store for hospital 26 and user default -2025-06-06 19:56:52,781 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,786 - root - INFO - [chat.py:497] - Loading vector store for hospital 27 and user default -2025-06-06 19:56:52,788 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,793 - root - INFO - [chat.py:497] - Loading vector store for hospital 29 and user default -2025-06-06 19:56:52,796 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,800 - root - INFO - [chat.py:497] - Loading vector store for hospital 31 and user default -2025-06-06 19:56:52,803 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,808 - root - INFO - [chat.py:497] - Loading vector store for hospital 32 and user default -2025-06-06 19:56:52,810 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,815 - root - INFO - [chat.py:497] - Loading vector store for hospital 36 and user default -2025-06-06 19:56:52,818 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,822 - root - INFO - [chat.py:497] - Loading vector store for hospital 37 and user default -2025-06-06 19:56:52,825 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,830 - root - INFO - [chat.py:497] - Loading vector store for hospital 41 and user default -2025-06-06 19:56:52,832 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,837 - root - INFO - [chat.py:497] - Loading vector store for hospital 42 and user default -2025-06-06 19:56:52,840 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,845 - root - INFO - [chat.py:497] - Loading vector store for hospital 47 and user default -2025-06-06 19:56:52,847 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,853 - root - INFO - [chat.py:497] - Loading vector store for hospital 48 and user default -2025-06-06 19:56:52,855 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,860 - root - INFO - [chat.py:497] - Loading vector store for hospital 52 and user default -2025-06-06 19:56:52,863 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,869 - root - INFO - [chat.py:497] - Loading vector store for hospital 53 and user default -2025-06-06 19:56:52,872 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,877 - root - INFO - [chat.py:497] - Loading vector store for hospital 56 and user default -2025-06-06 19:56:52,879 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,884 - root - INFO - [chat.py:497] - Loading vector store for hospital 57 and user default -2025-06-06 19:56:52,887 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,892 - root - INFO - [chat.py:497] - Loading vector store for hospital 59 and user default -2025-06-06 19:56:52,894 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,899 - root - INFO - [chat.py:497] - Loading vector store for hospital 60 and user default -2025-06-06 19:56:52,902 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,907 - root - INFO - [chat.py:497] - Loading vector store for hospital 64 and user default -2025-06-06 19:56:52,910 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,914 - root - INFO - [chat.py:497] - Loading vector store for hospital 65 and user default -2025-06-06 19:56:52,917 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,922 - root - INFO - [chat.py:497] - Loading vector store for hospital 66 and user default -2025-06-06 19:56:52,924 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,929 - root - INFO - [chat.py:497] - Loading vector store for hospital 67 and user default -2025-06-06 19:56:52,931 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,936 - root - INFO - [chat.py:497] - Loading vector store for hospital 68 and user default -2025-06-06 19:56:52,939 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,944 - root - INFO - [chat.py:497] - Loading vector store for hospital 69 and user default -2025-06-06 19:56:52,946 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,951 - root - INFO - [chat.py:497] - Loading vector store for hospital 70 and user default -2025-06-06 19:56:52,953 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,958 - root - INFO - [chat.py:497] - Loading vector store for hospital 71 and user default -2025-06-06 19:56:52,961 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,966 - root - INFO - [chat.py:497] - Loading vector store for hospital 72 and user default -2025-06-06 19:56:52,968 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,973 - root - INFO - [chat.py:497] - Loading vector store for hospital 73 and user default -2025-06-06 19:56:52,976 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,981 - root - INFO - [chat.py:497] - Loading vector store for hospital 75 and user default -2025-06-06 19:56:52,983 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,988 - root - INFO - [chat.py:497] - Loading vector store for hospital 76 and user default -2025-06-06 19:56:52,990 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:52,995 - root - INFO - [chat.py:497] - Loading vector store for hospital 80 and user default -2025-06-06 19:56:52,998 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,003 - root - INFO - [chat.py:497] - Loading vector store for hospital 81 and user default -2025-06-06 19:56:53,005 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,010 - root - INFO - [chat.py:497] - Loading vector store for hospital 86 and user default -2025-06-06 19:56:53,013 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,018 - root - INFO - [chat.py:497] - Loading vector store for hospital 87 and user default -2025-06-06 19:56:53,021 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,026 - root - INFO - [chat.py:497] - Loading vector store for hospital 90 and user default -2025-06-06 19:56:53,030 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,035 - root - INFO - [chat.py:497] - Loading vector store for hospital 91 and user default -2025-06-06 19:56:53,038 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,043 - root - INFO - [chat.py:497] - Loading vector store for hospital 92 and user default -2025-06-06 19:56:53,046 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,051 - root - INFO - [chat.py:497] - Loading vector store for hospital 94 and user default -2025-06-06 19:56:53,054 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,059 - root - INFO - [chat.py:497] - Loading vector store for hospital 95 and user default -2025-06-06 19:56:53,062 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,067 - root - INFO - [chat.py:497] - Loading vector store for hospital 96 and user default -2025-06-06 19:56:53,070 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,074 - root - INFO - [chat.py:497] - Loading vector store for hospital 97 and user default -2025-06-06 19:56:53,077 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,082 - root - INFO - [chat.py:497] - Loading vector store for hospital 99 and user default -2025-06-06 19:56:53,084 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,089 - root - INFO - [chat.py:497] - Loading vector store for hospital 103 and user default -2025-06-06 19:56:53,091 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,097 - root - INFO - [chat.py:497] - Loading vector store for hospital 106 and user default -2025-06-06 19:56:53,099 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,110 - root - INFO - [chat.py:497] - Loading vector store for hospital 107 and user default -2025-06-06 19:56:53,113 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,118 - root - INFO - [chat.py:497] - Loading vector store for hospital 110 and user default -2025-06-06 19:56:53,120 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,125 - root - INFO - [chat.py:497] - Loading vector store for hospital 111 and user default -2025-06-06 19:56:53,127 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,132 - root - INFO - [chat.py:497] - Loading vector store for hospital 112 and user default -2025-06-06 19:56:53,137 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,142 - root - INFO - [chat.py:497] - Loading vector store for hospital 113 and user default -2025-06-06 19:56:53,144 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,149 - root - INFO - [chat.py:497] - Loading vector store for hospital 114 and user default -2025-06-06 19:56:53,152 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,156 - root - INFO - [chat.py:497] - Loading vector store for hospital 116 and user default -2025-06-06 19:56:53,160 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,166 - root - INFO - [chat.py:497] - Loading vector store for hospital 117 and user default -2025-06-06 19:56:53,169 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,174 - root - INFO - [chat.py:497] - Loading vector store for hospital 118 and user default -2025-06-06 19:56:53,177 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,182 - root - INFO - [chat.py:497] - Loading vector store for hospital 119 and user default -2025-06-06 19:56:53,185 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,190 - root - INFO - [chat.py:497] - Loading vector store for hospital 121 and user default -2025-06-06 19:56:53,194 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,199 - root - INFO - [chat.py:497] - Loading vector store for hospital 122 and user default -2025-06-06 19:56:53,202 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,209 - root - INFO - [chat.py:497] - Loading vector store for hospital 123 and user default -2025-06-06 19:56:53,214 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,222 - root - INFO - [chat.py:497] - Loading vector store for hospital 124 and user default -2025-06-06 19:56:53,227 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,237 - root - INFO - [chat.py:497] - Loading vector store for hospital 126 and user default -2025-06-06 19:56:53,241 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,248 - root - INFO - [chat.py:497] - Loading vector store for hospital 127 and user default -2025-06-06 19:56:53,251 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,259 - root - INFO - [chat.py:497] - Loading vector store for hospital 129 and user default -2025-06-06 19:56:53,263 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,269 - root - INFO - [chat.py:497] - Loading vector store for hospital 131 and user default -2025-06-06 19:56:53,272 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,277 - root - INFO - [chat.py:497] - Loading vector store for hospital 132 and user default -2025-06-06 19:56:53,280 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,285 - root - INFO - [chat.py:497] - Loading vector store for hospital 136 and user default -2025-06-06 19:56:53,287 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,554 - root - INFO - [chat.py:497] - Loading vector store for hospital 137 and user default -2025-06-06 19:56:53,557 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,562 - root - INFO - [chat.py:497] - Loading vector store for hospital 141 and user default -2025-06-06 19:56:53,565 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,569 - root - INFO - [chat.py:497] - Loading vector store for hospital 142 and user default -2025-06-06 19:56:53,572 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,577 - root - INFO - [chat.py:497] - Loading vector store for hospital 145 and user default -2025-06-06 19:56:53,579 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,584 - root - INFO - [chat.py:497] - Loading vector store for hospital 146 and user default -2025-06-06 19:56:53,586 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,591 - root - INFO - [chat.py:497] - Loading vector store for hospital 148 and user default -2025-06-06 19:56:53,594 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,599 - root - INFO - [chat.py:497] - Loading vector store for hospital 177 and user default -2025-06-06 19:56:53,601 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,606 - root - INFO - [chat.py:497] - Loading vector store for hospital 178 and user default -2025-06-06 19:56:53,609 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,614 - root - INFO - [chat.py:497] - Loading vector store for hospital 186 and user default -2025-06-06 19:56:53,616 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,621 - root - INFO - [chat.py:497] - Loading vector store for hospital 187 and user default -2025-06-06 19:56:53,624 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,628 - root - INFO - [chat.py:497] - Loading vector store for hospital 191 and user default -2025-06-06 19:56:53,631 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,636 - root - INFO - [chat.py:497] - Loading vector store for hospital 192 and user default -2025-06-06 19:56:53,638 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,643 - root - INFO - [chat.py:497] - Loading vector store for hospital 200 and user default -2025-06-06 19:56:53,646 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,650 - root - INFO - [chat.py:497] - Loading vector store for hospital 45 and user default -2025-06-06 19:56:53,653 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,658 - root - INFO - [chat.py:497] - Loading vector store for hospital 63 and user default -2025-06-06 19:56:53,660 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,666 - root - INFO - [chat.py:497] - Loading vector store for hospital 93 and user default -2025-06-06 19:56:53,669 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,674 - root - INFO - [chat.py:497] - Loading vector store for hospital 98 and user default -2025-06-06 19:56:53,676 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,681 - root - INFO - [chat.py:497] - Loading vector store for hospital 102 and user default -2025-06-06 19:56:53,683 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,690 - root - INFO - [chat.py:497] - Loading vector store for hospital 104 and user default -2025-06-06 19:56:53,693 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,698 - root - INFO - [chat.py:497] - Loading vector store for hospital 109 and user default -2025-06-06 19:56:53,701 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:53,706 - root - INFO - [chat.py:508] - Creating vector store for hospital 220 -2025-06-06 19:56:53,710 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,590 - root - INFO - [chat.py:497] - Loading vector store for hospital 149 and user default -2025-06-06 19:56:57,593 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,598 - root - INFO - [chat.py:497] - Loading vector store for hospital 150 and user default -2025-06-06 19:56:57,601 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,606 - root - INFO - [chat.py:497] - Loading vector store for hospital 151 and user default -2025-06-06 19:56:57,608 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,613 - root - INFO - [chat.py:497] - Loading vector store for hospital 152 and user default -2025-06-06 19:56:57,616 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,621 - root - INFO - [chat.py:497] - Loading vector store for hospital 153 and user default -2025-06-06 19:56:57,624 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,628 - root - INFO - [chat.py:497] - Loading vector store for hospital 154 and user default -2025-06-06 19:56:57,631 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,636 - root - INFO - [chat.py:497] - Loading vector store for hospital 155 and user default -2025-06-06 19:56:57,638 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,643 - root - INFO - [chat.py:497] - Loading vector store for hospital 157 and user default -2025-06-06 19:56:57,646 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,650 - root - INFO - [chat.py:497] - Loading vector store for hospital 158 and user default -2025-06-06 19:56:57,653 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,658 - root - INFO - [chat.py:497] - Loading vector store for hospital 160 and user default -2025-06-06 19:56:57,660 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,665 - root - INFO - [chat.py:497] - Loading vector store for hospital 162 and user default -2025-06-06 19:56:57,667 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,673 - root - INFO - [chat.py:497] - Loading vector store for hospital 163 and user default -2025-06-06 19:56:57,675 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,680 - root - INFO - [chat.py:497] - Loading vector store for hospital 166 and user default -2025-06-06 19:56:57,682 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,687 - root - INFO - [chat.py:497] - Loading vector store for hospital 167 and user default -2025-06-06 19:56:57,690 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,695 - root - INFO - [chat.py:497] - Loading vector store for hospital 168 and user default -2025-06-06 19:56:57,698 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,704 - root - INFO - [chat.py:497] - Loading vector store for hospital 169 and user default -2025-06-06 19:56:57,706 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,711 - root - INFO - [chat.py:497] - Loading vector store for hospital 170 and user default -2025-06-06 19:56:57,713 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,718 - root - INFO - [chat.py:497] - Loading vector store for hospital 172 and user default -2025-06-06 19:56:57,720 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,725 - root - INFO - [chat.py:497] - Loading vector store for hospital 173 and user default -2025-06-06 19:56:57,728 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,732 - root - INFO - [chat.py:497] - Loading vector store for hospital 181 and user default -2025-06-06 19:56:57,735 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,739 - root - INFO - [chat.py:497] - Loading vector store for hospital 182 and user default -2025-06-06 19:56:57,742 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,746 - root - INFO - [chat.py:497] - Loading vector store for hospital 183 and user default -2025-06-06 19:56:57,749 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,763 - root - INFO - [chat.py:497] - Loading vector store for hospital 184 and user default -2025-06-06 19:56:57,765 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,770 - root - INFO - [chat.py:497] - Loading vector store for hospital 194 and user default -2025-06-06 19:56:57,772 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,777 - root - INFO - [chat.py:497] - Loading vector store for hospital 195 and user default -2025-06-06 19:56:57,780 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,784 - root - INFO - [chat.py:497] - Loading vector store for hospital 196 and user default -2025-06-06 19:56:57,787 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,792 - root - INFO - [chat.py:497] - Loading vector store for hospital 197 and user default -2025-06-06 19:56:57,794 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,799 - root - INFO - [chat.py:497] - Loading vector store for hospital 198 and user default -2025-06-06 19:56:57,801 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,806 - root - INFO - [chat.py:497] - Loading vector store for hospital 199 and user default -2025-06-06 19:56:57,809 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,814 - root - INFO - [chat.py:497] - Loading vector store for hospital 201 and user default -2025-06-06 19:56:57,816 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,821 - root - INFO - [chat.py:497] - Loading vector store for hospital 202 and user default -2025-06-06 19:56:57,824 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,828 - root - INFO - [chat.py:497] - Loading vector store for hospital 203 and user default -2025-06-06 19:56:57,831 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,836 - root - INFO - [chat.py:497] - Loading vector store for hospital 204 and user default -2025-06-06 19:56:57,838 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,843 - root - INFO - [chat.py:497] - Loading vector store for hospital 206 and user default -2025-06-06 19:56:57,845 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,850 - root - INFO - [chat.py:497] - Loading vector store for hospital 207 and user default -2025-06-06 19:56:57,852 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,857 - root - INFO - [chat.py:497] - Loading vector store for hospital 209 and user default -2025-06-06 19:56:57,860 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,864 - root - INFO - [chat.py:497] - Loading vector store for hospital 210 and user default -2025-06-06 19:56:57,867 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:56:57,872 - root - INFO - [chat.py:508] - Creating vector store for hospital 212 -2025-06-06 19:56:57,874 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:02,100 - root - INFO - [chat.py:508] - Creating vector store for hospital 213 -2025-06-06 19:57:02,104 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:06,406 - root - INFO - [chat.py:2157] - Vector stores loaded successfully -2025-06-06 19:57:06,406 - root - INFO - [chat.py:2160] - Starting Flask application on port 5000 -2025-06-06 19:57:06,412 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-06 19:57:06,413 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-06 19:57:27,473 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-06 19:57:27,482 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-06 19:57:36,531 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-06 19:57:36,531 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-06 19:57:36,532 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-06 19:57:36,532 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-06 19:57:36,912 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-06 19:57:36,914 - root - INFO - [chat.py:2130] - Starting SpurrinAI application -2025-06-06 19:57:36,915 - root - INFO - [chat.py:2131] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-06 19:57:36,915 - root - INFO - [chat.py:2132] - Environment: production -2025-06-06 19:57:36,915 - root - INFO - [chat.py:2136] - Model manager initialized successfully -2025-06-06 19:57:36,915 - root - INFO - [chat.py:2144] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-06 19:57:36,916 - root - INFO - [chat.py:2152] - Cleared 0 Redis cache keys -2025-06-06 19:57:36,916 - root - INFO - [chat.py:2155] - Loading existing vector stores... -2025-06-06 19:57:36,921 - root - INFO - [chat.py:497] - Loading vector store for hospital 6 and user default -2025-06-06 19:57:37,219 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,390 - root - INFO - [chat.py:497] - Loading vector store for hospital 10 and user default -2025-06-06 19:57:37,392 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,397 - root - INFO - [chat.py:497] - Loading vector store for hospital 16 and user default -2025-06-06 19:57:37,400 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,405 - root - INFO - [chat.py:497] - Loading vector store for hospital 19 and user default -2025-06-06 19:57:37,408 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,413 - root - INFO - [chat.py:497] - Loading vector store for hospital 26 and user default -2025-06-06 19:57:37,416 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,421 - root - INFO - [chat.py:497] - Loading vector store for hospital 27 and user default -2025-06-06 19:57:37,423 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,428 - root - INFO - [chat.py:497] - Loading vector store for hospital 29 and user default -2025-06-06 19:57:37,431 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,435 - root - INFO - [chat.py:497] - Loading vector store for hospital 31 and user default -2025-06-06 19:57:37,438 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,443 - root - INFO - [chat.py:497] - Loading vector store for hospital 32 and user default -2025-06-06 19:57:37,445 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,450 - root - INFO - [chat.py:497] - Loading vector store for hospital 36 and user default -2025-06-06 19:57:37,452 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,457 - root - INFO - [chat.py:497] - Loading vector store for hospital 37 and user default -2025-06-06 19:57:37,459 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,464 - root - INFO - [chat.py:497] - Loading vector store for hospital 41 and user default -2025-06-06 19:57:37,467 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,472 - root - INFO - [chat.py:497] - Loading vector store for hospital 42 and user default -2025-06-06 19:57:37,474 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,479 - root - INFO - [chat.py:497] - Loading vector store for hospital 47 and user default -2025-06-06 19:57:37,482 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,487 - root - INFO - [chat.py:497] - Loading vector store for hospital 48 and user default -2025-06-06 19:57:37,490 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,495 - root - INFO - [chat.py:497] - Loading vector store for hospital 52 and user default -2025-06-06 19:57:37,497 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,504 - root - INFO - [chat.py:497] - Loading vector store for hospital 53 and user default -2025-06-06 19:57:37,507 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,511 - root - INFO - [chat.py:497] - Loading vector store for hospital 56 and user default -2025-06-06 19:57:37,514 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,519 - root - INFO - [chat.py:497] - Loading vector store for hospital 57 and user default -2025-06-06 19:57:37,521 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,526 - root - INFO - [chat.py:497] - Loading vector store for hospital 59 and user default -2025-06-06 19:57:37,529 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,534 - root - INFO - [chat.py:497] - Loading vector store for hospital 60 and user default -2025-06-06 19:57:37,536 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,541 - root - INFO - [chat.py:497] - Loading vector store for hospital 64 and user default -2025-06-06 19:57:37,543 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,548 - root - INFO - [chat.py:497] - Loading vector store for hospital 65 and user default -2025-06-06 19:57:37,551 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,556 - root - INFO - [chat.py:497] - Loading vector store for hospital 66 and user default -2025-06-06 19:57:37,558 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,563 - root - INFO - [chat.py:497] - Loading vector store for hospital 67 and user default -2025-06-06 19:57:37,566 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,571 - root - INFO - [chat.py:497] - Loading vector store for hospital 68 and user default -2025-06-06 19:57:37,573 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,578 - root - INFO - [chat.py:497] - Loading vector store for hospital 69 and user default -2025-06-06 19:57:37,580 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,585 - root - INFO - [chat.py:497] - Loading vector store for hospital 70 and user default -2025-06-06 19:57:37,588 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,592 - root - INFO - [chat.py:497] - Loading vector store for hospital 71 and user default -2025-06-06 19:57:37,595 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,600 - root - INFO - [chat.py:497] - Loading vector store for hospital 72 and user default -2025-06-06 19:57:37,602 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,607 - root - INFO - [chat.py:497] - Loading vector store for hospital 73 and user default -2025-06-06 19:57:37,609 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,615 - root - INFO - [chat.py:497] - Loading vector store for hospital 75 and user default -2025-06-06 19:57:37,617 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,622 - root - INFO - [chat.py:497] - Loading vector store for hospital 76 and user default -2025-06-06 19:57:37,624 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,629 - root - INFO - [chat.py:497] - Loading vector store for hospital 80 and user default -2025-06-06 19:57:37,632 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,637 - root - INFO - [chat.py:497] - Loading vector store for hospital 81 and user default -2025-06-06 19:57:37,639 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,644 - root - INFO - [chat.py:497] - Loading vector store for hospital 86 and user default -2025-06-06 19:57:37,646 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,651 - root - INFO - [chat.py:497] - Loading vector store for hospital 87 and user default -2025-06-06 19:57:37,654 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,658 - root - INFO - [chat.py:497] - Loading vector store for hospital 90 and user default -2025-06-06 19:57:37,661 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,666 - root - INFO - [chat.py:497] - Loading vector store for hospital 91 and user default -2025-06-06 19:57:37,668 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,673 - root - INFO - [chat.py:497] - Loading vector store for hospital 92 and user default -2025-06-06 19:57:37,675 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,680 - root - INFO - [chat.py:497] - Loading vector store for hospital 94 and user default -2025-06-06 19:57:37,683 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,687 - root - INFO - [chat.py:497] - Loading vector store for hospital 95 and user default -2025-06-06 19:57:37,691 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,695 - root - INFO - [chat.py:497] - Loading vector store for hospital 96 and user default -2025-06-06 19:57:37,698 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,703 - root - INFO - [chat.py:497] - Loading vector store for hospital 97 and user default -2025-06-06 19:57:37,705 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,710 - root - INFO - [chat.py:497] - Loading vector store for hospital 99 and user default -2025-06-06 19:57:37,713 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,718 - root - INFO - [chat.py:497] - Loading vector store for hospital 103 and user default -2025-06-06 19:57:37,720 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,731 - root - INFO - [chat.py:497] - Loading vector store for hospital 106 and user default -2025-06-06 19:57:37,734 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,738 - root - INFO - [chat.py:497] - Loading vector store for hospital 107 and user default -2025-06-06 19:57:37,741 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,746 - root - INFO - [chat.py:497] - Loading vector store for hospital 110 and user default -2025-06-06 19:57:37,748 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,754 - root - INFO - [chat.py:497] - Loading vector store for hospital 111 and user default -2025-06-06 19:57:37,756 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,764 - root - INFO - [chat.py:497] - Loading vector store for hospital 112 and user default -2025-06-06 19:57:37,767 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,772 - root - INFO - [chat.py:497] - Loading vector store for hospital 113 and user default -2025-06-06 19:57:37,774 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,779 - root - INFO - [chat.py:497] - Loading vector store for hospital 114 and user default -2025-06-06 19:57:37,782 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,787 - root - INFO - [chat.py:497] - Loading vector store for hospital 116 and user default -2025-06-06 19:57:37,789 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,794 - root - INFO - [chat.py:497] - Loading vector store for hospital 117 and user default -2025-06-06 19:57:37,796 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,802 - root - INFO - [chat.py:497] - Loading vector store for hospital 118 and user default -2025-06-06 19:57:37,804 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,809 - root - INFO - [chat.py:497] - Loading vector store for hospital 119 and user default -2025-06-06 19:57:37,812 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,817 - root - INFO - [chat.py:497] - Loading vector store for hospital 121 and user default -2025-06-06 19:57:37,819 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,824 - root - INFO - [chat.py:497] - Loading vector store for hospital 122 and user default -2025-06-06 19:57:37,827 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,832 - root - INFO - [chat.py:497] - Loading vector store for hospital 123 and user default -2025-06-06 19:57:37,835 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,839 - root - INFO - [chat.py:497] - Loading vector store for hospital 124 and user default -2025-06-06 19:57:37,842 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,847 - root - INFO - [chat.py:497] - Loading vector store for hospital 126 and user default -2025-06-06 19:57:37,849 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,854 - root - INFO - [chat.py:497] - Loading vector store for hospital 127 and user default -2025-06-06 19:57:37,856 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,862 - root - INFO - [chat.py:497] - Loading vector store for hospital 129 and user default -2025-06-06 19:57:37,865 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,870 - root - INFO - [chat.py:497] - Loading vector store for hospital 131 and user default -2025-06-06 19:57:37,872 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,877 - root - INFO - [chat.py:497] - Loading vector store for hospital 132 and user default -2025-06-06 19:57:37,879 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:37,884 - root - INFO - [chat.py:497] - Loading vector store for hospital 136 and user default -2025-06-06 19:57:37,887 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,162 - root - INFO - [chat.py:497] - Loading vector store for hospital 137 and user default -2025-06-06 19:57:38,165 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,170 - root - INFO - [chat.py:497] - Loading vector store for hospital 141 and user default -2025-06-06 19:57:38,172 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,177 - root - INFO - [chat.py:497] - Loading vector store for hospital 142 and user default -2025-06-06 19:57:38,180 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,185 - root - INFO - [chat.py:497] - Loading vector store for hospital 145 and user default -2025-06-06 19:57:38,188 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,193 - root - INFO - [chat.py:497] - Loading vector store for hospital 146 and user default -2025-06-06 19:57:38,196 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,201 - root - INFO - [chat.py:497] - Loading vector store for hospital 148 and user default -2025-06-06 19:57:38,204 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,208 - root - INFO - [chat.py:497] - Loading vector store for hospital 177 and user default -2025-06-06 19:57:38,211 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,216 - root - INFO - [chat.py:497] - Loading vector store for hospital 178 and user default -2025-06-06 19:57:38,218 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,223 - root - INFO - [chat.py:497] - Loading vector store for hospital 186 and user default -2025-06-06 19:57:38,225 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,230 - root - INFO - [chat.py:497] - Loading vector store for hospital 187 and user default -2025-06-06 19:57:38,233 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,237 - root - INFO - [chat.py:497] - Loading vector store for hospital 191 and user default -2025-06-06 19:57:38,240 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,245 - root - INFO - [chat.py:497] - Loading vector store for hospital 192 and user default -2025-06-06 19:57:38,247 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,252 - root - INFO - [chat.py:497] - Loading vector store for hospital 200 and user default -2025-06-06 19:57:38,255 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,260 - root - INFO - [chat.py:497] - Loading vector store for hospital 45 and user default -2025-06-06 19:57:38,262 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,268 - root - INFO - [chat.py:497] - Loading vector store for hospital 63 and user default -2025-06-06 19:57:38,270 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,275 - root - INFO - [chat.py:497] - Loading vector store for hospital 93 and user default -2025-06-06 19:57:38,278 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,283 - root - INFO - [chat.py:497] - Loading vector store for hospital 98 and user default -2025-06-06 19:57:38,285 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,290 - root - INFO - [chat.py:497] - Loading vector store for hospital 102 and user default -2025-06-06 19:57:38,293 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,297 - root - INFO - [chat.py:497] - Loading vector store for hospital 104 and user default -2025-06-06 19:57:38,300 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,305 - root - INFO - [chat.py:497] - Loading vector store for hospital 109 and user default -2025-06-06 19:57:38,307 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,312 - root - INFO - [chat.py:497] - Loading vector store for hospital 220 and user default -2025-06-06 19:57:38,315 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,320 - root - INFO - [chat.py:497] - Loading vector store for hospital 149 and user default -2025-06-06 19:57:38,322 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,327 - root - INFO - [chat.py:497] - Loading vector store for hospital 150 and user default -2025-06-06 19:57:38,329 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,334 - root - INFO - [chat.py:497] - Loading vector store for hospital 151 and user default -2025-06-06 19:57:38,337 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,342 - root - INFO - [chat.py:497] - Loading vector store for hospital 152 and user default -2025-06-06 19:57:38,344 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,349 - root - INFO - [chat.py:497] - Loading vector store for hospital 153 and user default -2025-06-06 19:57:38,351 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,356 - root - INFO - [chat.py:497] - Loading vector store for hospital 154 and user default -2025-06-06 19:57:38,359 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,363 - root - INFO - [chat.py:497] - Loading vector store for hospital 155 and user default -2025-06-06 19:57:38,366 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,371 - root - INFO - [chat.py:497] - Loading vector store for hospital 157 and user default -2025-06-06 19:57:38,373 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,378 - root - INFO - [chat.py:497] - Loading vector store for hospital 158 and user default -2025-06-06 19:57:38,381 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,386 - root - INFO - [chat.py:497] - Loading vector store for hospital 160 and user default -2025-06-06 19:57:38,389 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,394 - root - INFO - [chat.py:497] - Loading vector store for hospital 162 and user default -2025-06-06 19:57:38,397 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,401 - root - INFO - [chat.py:497] - Loading vector store for hospital 163 and user default -2025-06-06 19:57:38,404 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,409 - root - INFO - [chat.py:497] - Loading vector store for hospital 166 and user default -2025-06-06 19:57:38,411 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,416 - root - INFO - [chat.py:497] - Loading vector store for hospital 167 and user default -2025-06-06 19:57:38,419 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,424 - root - INFO - [chat.py:497] - Loading vector store for hospital 168 and user default -2025-06-06 19:57:38,426 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,431 - root - INFO - [chat.py:497] - Loading vector store for hospital 169 and user default -2025-06-06 19:57:38,433 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,438 - root - INFO - [chat.py:497] - Loading vector store for hospital 170 and user default -2025-06-06 19:57:38,441 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,446 - root - INFO - [chat.py:497] - Loading vector store for hospital 172 and user default -2025-06-06 19:57:38,448 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,453 - root - INFO - [chat.py:497] - Loading vector store for hospital 173 and user default -2025-06-06 19:57:38,455 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,460 - root - INFO - [chat.py:497] - Loading vector store for hospital 181 and user default -2025-06-06 19:57:38,463 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,467 - root - INFO - [chat.py:497] - Loading vector store for hospital 182 and user default -2025-06-06 19:57:38,470 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,481 - root - INFO - [chat.py:497] - Loading vector store for hospital 183 and user default -2025-06-06 19:57:38,483 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,488 - root - INFO - [chat.py:497] - Loading vector store for hospital 184 and user default -2025-06-06 19:57:38,491 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,496 - root - INFO - [chat.py:497] - Loading vector store for hospital 194 and user default -2025-06-06 19:57:38,498 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,503 - root - INFO - [chat.py:497] - Loading vector store for hospital 195 and user default -2025-06-06 19:57:38,505 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,510 - root - INFO - [chat.py:497] - Loading vector store for hospital 196 and user default -2025-06-06 19:57:38,513 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,519 - root - INFO - [chat.py:497] - Loading vector store for hospital 197 and user default -2025-06-06 19:57:38,521 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,526 - root - INFO - [chat.py:497] - Loading vector store for hospital 198 and user default -2025-06-06 19:57:38,529 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,534 - root - INFO - [chat.py:497] - Loading vector store for hospital 199 and user default -2025-06-06 19:57:38,536 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,541 - root - INFO - [chat.py:497] - Loading vector store for hospital 201 and user default -2025-06-06 19:57:38,543 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,548 - root - INFO - [chat.py:497] - Loading vector store for hospital 202 and user default -2025-06-06 19:57:38,551 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,556 - root - INFO - [chat.py:497] - Loading vector store for hospital 203 and user default -2025-06-06 19:57:38,558 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,563 - root - INFO - [chat.py:497] - Loading vector store for hospital 204 and user default -2025-06-06 19:57:38,566 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,571 - root - INFO - [chat.py:497] - Loading vector store for hospital 206 and user default -2025-06-06 19:57:38,573 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,578 - root - INFO - [chat.py:497] - Loading vector store for hospital 207 and user default -2025-06-06 19:57:38,581 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,586 - root - INFO - [chat.py:497] - Loading vector store for hospital 209 and user default -2025-06-06 19:57:38,588 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,593 - root - INFO - [chat.py:497] - Loading vector store for hospital 210 and user default -2025-06-06 19:57:38,596 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,601 - root - INFO - [chat.py:497] - Loading vector store for hospital 212 and user default -2025-06-06 19:57:38,603 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,608 - root - INFO - [chat.py:497] - Loading vector store for hospital 213 and user default -2025-06-06 19:57:38,611 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 19:57:38,616 - root - INFO - [chat.py:2157] - Vector stores loaded successfully -2025-06-06 19:57:38,616 - root - INFO - [chat.py:2160] - Starting Flask application on port 5000 -2025-06-06 19:57:38,621 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-06 19:57:38,621 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-06 20:02:02,769 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-06 20:02:02,780 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-06 20:02:11,607 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-06 20:02:11,607 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-06 20:02:11,608 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-06 20:02:11,608 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-06 20:02:20,171 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-06 20:02:20,173 - root - INFO - [chat.py:2130] - Starting SpurrinAI application -2025-06-06 20:02:20,174 - root - INFO - [chat.py:2131] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-06 20:02:20,174 - root - INFO - [chat.py:2132] - Environment: production -2025-06-06 20:02:20,174 - root - INFO - [chat.py:2136] - Model manager initialized successfully -2025-06-06 20:02:20,174 - root - INFO - [chat.py:2144] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-06 20:02:20,175 - root - INFO - [chat.py:2152] - Cleared 0 Redis cache keys -2025-06-06 20:02:20,176 - root - INFO - [chat.py:2155] - Loading existing vector stores... -2025-06-06 20:02:20,178 - root - INFO - [chat.py:497] - Loading vector store for hospital 6 and user default -2025-06-06 20:02:20,483 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,651 - root - INFO - [chat.py:497] - Loading vector store for hospital 10 and user default -2025-06-06 20:02:20,654 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,659 - root - INFO - [chat.py:497] - Loading vector store for hospital 16 and user default -2025-06-06 20:02:20,662 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,667 - root - INFO - [chat.py:497] - Loading vector store for hospital 19 and user default -2025-06-06 20:02:20,670 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,675 - root - INFO - [chat.py:497] - Loading vector store for hospital 26 and user default -2025-06-06 20:02:20,677 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,682 - root - INFO - [chat.py:497] - Loading vector store for hospital 27 and user default -2025-06-06 20:02:20,685 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,690 - root - INFO - [chat.py:497] - Loading vector store for hospital 29 and user default -2025-06-06 20:02:20,692 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,697 - root - INFO - [chat.py:497] - Loading vector store for hospital 31 and user default -2025-06-06 20:02:20,699 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,704 - root - INFO - [chat.py:497] - Loading vector store for hospital 32 and user default -2025-06-06 20:02:20,707 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,712 - root - INFO - [chat.py:497] - Loading vector store for hospital 36 and user default -2025-06-06 20:02:20,714 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,719 - root - INFO - [chat.py:497] - Loading vector store for hospital 37 and user default -2025-06-06 20:02:20,722 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,726 - root - INFO - [chat.py:497] - Loading vector store for hospital 41 and user default -2025-06-06 20:02:20,729 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,734 - root - INFO - [chat.py:497] - Loading vector store for hospital 42 and user default -2025-06-06 20:02:20,736 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,741 - root - INFO - [chat.py:497] - Loading vector store for hospital 47 and user default -2025-06-06 20:02:20,744 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,749 - root - INFO - [chat.py:497] - Loading vector store for hospital 48 and user default -2025-06-06 20:02:20,752 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,757 - root - INFO - [chat.py:497] - Loading vector store for hospital 52 and user default -2025-06-06 20:02:20,759 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,766 - root - INFO - [chat.py:497] - Loading vector store for hospital 53 and user default -2025-06-06 20:02:20,768 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,773 - root - INFO - [chat.py:497] - Loading vector store for hospital 56 and user default -2025-06-06 20:02:20,776 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,781 - root - INFO - [chat.py:497] - Loading vector store for hospital 57 and user default -2025-06-06 20:02:20,784 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,788 - root - INFO - [chat.py:497] - Loading vector store for hospital 59 and user default -2025-06-06 20:02:20,791 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,796 - root - INFO - [chat.py:497] - Loading vector store for hospital 60 and user default -2025-06-06 20:02:20,799 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,804 - root - INFO - [chat.py:497] - Loading vector store for hospital 64 and user default -2025-06-06 20:02:20,806 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,811 - root - INFO - [chat.py:497] - Loading vector store for hospital 65 and user default -2025-06-06 20:02:20,814 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,818 - root - INFO - [chat.py:497] - Loading vector store for hospital 66 and user default -2025-06-06 20:02:20,821 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,826 - root - INFO - [chat.py:497] - Loading vector store for hospital 67 and user default -2025-06-06 20:02:20,828 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,833 - root - INFO - [chat.py:497] - Loading vector store for hospital 68 and user default -2025-06-06 20:02:20,835 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,840 - root - INFO - [chat.py:497] - Loading vector store for hospital 69 and user default -2025-06-06 20:02:20,843 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,847 - root - INFO - [chat.py:497] - Loading vector store for hospital 70 and user default -2025-06-06 20:02:20,850 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,855 - root - INFO - [chat.py:497] - Loading vector store for hospital 71 and user default -2025-06-06 20:02:20,857 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,862 - root - INFO - [chat.py:497] - Loading vector store for hospital 72 and user default -2025-06-06 20:02:20,865 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,870 - root - INFO - [chat.py:497] - Loading vector store for hospital 73 and user default -2025-06-06 20:02:20,872 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,877 - root - INFO - [chat.py:497] - Loading vector store for hospital 75 and user default -2025-06-06 20:02:20,880 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,884 - root - INFO - [chat.py:497] - Loading vector store for hospital 76 and user default -2025-06-06 20:02:20,887 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,892 - root - INFO - [chat.py:497] - Loading vector store for hospital 80 and user default -2025-06-06 20:02:20,894 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,899 - root - INFO - [chat.py:497] - Loading vector store for hospital 81 and user default -2025-06-06 20:02:20,901 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,906 - root - INFO - [chat.py:497] - Loading vector store for hospital 86 and user default -2025-06-06 20:02:20,909 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,914 - root - INFO - [chat.py:497] - Loading vector store for hospital 87 and user default -2025-06-06 20:02:20,916 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,922 - root - INFO - [chat.py:497] - Loading vector store for hospital 90 and user default -2025-06-06 20:02:20,924 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,929 - root - INFO - [chat.py:497] - Loading vector store for hospital 91 and user default -2025-06-06 20:02:20,932 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,936 - root - INFO - [chat.py:497] - Loading vector store for hospital 92 and user default -2025-06-06 20:02:20,939 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,944 - root - INFO - [chat.py:497] - Loading vector store for hospital 94 and user default -2025-06-06 20:02:20,946 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,952 - root - INFO - [chat.py:497] - Loading vector store for hospital 95 and user default -2025-06-06 20:02:20,954 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,959 - root - INFO - [chat.py:497] - Loading vector store for hospital 96 and user default -2025-06-06 20:02:20,962 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,966 - root - INFO - [chat.py:497] - Loading vector store for hospital 97 and user default -2025-06-06 20:02:20,969 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,974 - root - INFO - [chat.py:497] - Loading vector store for hospital 99 and user default -2025-06-06 20:02:20,976 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,981 - root - INFO - [chat.py:497] - Loading vector store for hospital 103 and user default -2025-06-06 20:02:20,984 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:20,995 - root - INFO - [chat.py:497] - Loading vector store for hospital 106 and user default -2025-06-06 20:02:20,997 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,002 - root - INFO - [chat.py:497] - Loading vector store for hospital 107 and user default -2025-06-06 20:02:21,005 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,010 - root - INFO - [chat.py:497] - Loading vector store for hospital 110 and user default -2025-06-06 20:02:21,012 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,017 - root - INFO - [chat.py:497] - Loading vector store for hospital 111 and user default -2025-06-06 20:02:21,019 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,026 - root - INFO - [chat.py:497] - Loading vector store for hospital 112 and user default -2025-06-06 20:02:21,029 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,034 - root - INFO - [chat.py:497] - Loading vector store for hospital 113 and user default -2025-06-06 20:02:21,036 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,041 - root - INFO - [chat.py:497] - Loading vector store for hospital 114 and user default -2025-06-06 20:02:21,044 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,048 - root - INFO - [chat.py:497] - Loading vector store for hospital 116 and user default -2025-06-06 20:02:21,051 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,055 - root - INFO - [chat.py:497] - Loading vector store for hospital 117 and user default -2025-06-06 20:02:21,058 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,063 - root - INFO - [chat.py:497] - Loading vector store for hospital 118 and user default -2025-06-06 20:02:21,065 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,070 - root - INFO - [chat.py:497] - Loading vector store for hospital 119 and user default -2025-06-06 20:02:21,073 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,077 - root - INFO - [chat.py:497] - Loading vector store for hospital 121 and user default -2025-06-06 20:02:21,080 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,084 - root - INFO - [chat.py:497] - Loading vector store for hospital 122 and user default -2025-06-06 20:02:21,087 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,092 - root - INFO - [chat.py:497] - Loading vector store for hospital 123 and user default -2025-06-06 20:02:21,094 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,099 - root - INFO - [chat.py:497] - Loading vector store for hospital 124 and user default -2025-06-06 20:02:21,101 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,106 - root - INFO - [chat.py:497] - Loading vector store for hospital 126 and user default -2025-06-06 20:02:21,108 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,113 - root - INFO - [chat.py:497] - Loading vector store for hospital 127 and user default -2025-06-06 20:02:21,116 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,122 - root - INFO - [chat.py:497] - Loading vector store for hospital 129 and user default -2025-06-06 20:02:21,124 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,129 - root - INFO - [chat.py:497] - Loading vector store for hospital 131 and user default -2025-06-06 20:02:21,131 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,136 - root - INFO - [chat.py:497] - Loading vector store for hospital 132 and user default -2025-06-06 20:02:21,138 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,143 - root - INFO - [chat.py:497] - Loading vector store for hospital 136 and user default -2025-06-06 20:02:21,146 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,402 - root - INFO - [chat.py:497] - Loading vector store for hospital 137 and user default -2025-06-06 20:02:21,404 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,409 - root - INFO - [chat.py:497] - Loading vector store for hospital 141 and user default -2025-06-06 20:02:21,412 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,417 - root - INFO - [chat.py:497] - Loading vector store for hospital 142 and user default -2025-06-06 20:02:21,419 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,424 - root - INFO - [chat.py:497] - Loading vector store for hospital 145 and user default -2025-06-06 20:02:21,427 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,432 - root - INFO - [chat.py:497] - Loading vector store for hospital 146 and user default -2025-06-06 20:02:21,434 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,439 - root - INFO - [chat.py:497] - Loading vector store for hospital 148 and user default -2025-06-06 20:02:21,441 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,446 - root - INFO - [chat.py:497] - Loading vector store for hospital 177 and user default -2025-06-06 20:02:21,449 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,454 - root - INFO - [chat.py:497] - Loading vector store for hospital 178 and user default -2025-06-06 20:02:21,456 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,461 - root - INFO - [chat.py:497] - Loading vector store for hospital 186 and user default -2025-06-06 20:02:21,464 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,468 - root - INFO - [chat.py:497] - Loading vector store for hospital 187 and user default -2025-06-06 20:02:21,471 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,476 - root - INFO - [chat.py:497] - Loading vector store for hospital 191 and user default -2025-06-06 20:02:21,478 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,483 - root - INFO - [chat.py:497] - Loading vector store for hospital 192 and user default -2025-06-06 20:02:21,485 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,490 - root - INFO - [chat.py:497] - Loading vector store for hospital 200 and user default -2025-06-06 20:02:21,493 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,497 - root - INFO - [chat.py:497] - Loading vector store for hospital 45 and user default -2025-06-06 20:02:21,500 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,505 - root - INFO - [chat.py:497] - Loading vector store for hospital 63 and user default -2025-06-06 20:02:21,508 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,512 - root - INFO - [chat.py:497] - Loading vector store for hospital 93 and user default -2025-06-06 20:02:21,515 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,520 - root - INFO - [chat.py:497] - Loading vector store for hospital 98 and user default -2025-06-06 20:02:21,522 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,527 - root - INFO - [chat.py:497] - Loading vector store for hospital 102 and user default -2025-06-06 20:02:21,529 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,534 - root - INFO - [chat.py:497] - Loading vector store for hospital 104 and user default -2025-06-06 20:02:21,537 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,541 - root - INFO - [chat.py:497] - Loading vector store for hospital 109 and user default -2025-06-06 20:02:21,544 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,548 - root - INFO - [chat.py:497] - Loading vector store for hospital 149 and user default -2025-06-06 20:02:21,551 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,556 - root - INFO - [chat.py:497] - Loading vector store for hospital 150 and user default -2025-06-06 20:02:21,559 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,563 - root - INFO - [chat.py:497] - Loading vector store for hospital 151 and user default -2025-06-06 20:02:21,566 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,571 - root - INFO - [chat.py:497] - Loading vector store for hospital 152 and user default -2025-06-06 20:02:21,573 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,578 - root - INFO - [chat.py:497] - Loading vector store for hospital 153 and user default -2025-06-06 20:02:21,580 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,585 - root - INFO - [chat.py:497] - Loading vector store for hospital 154 and user default -2025-06-06 20:02:21,587 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,592 - root - INFO - [chat.py:497] - Loading vector store for hospital 155 and user default -2025-06-06 20:02:21,594 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,599 - root - INFO - [chat.py:497] - Loading vector store for hospital 157 and user default -2025-06-06 20:02:21,602 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,607 - root - INFO - [chat.py:497] - Loading vector store for hospital 158 and user default -2025-06-06 20:02:21,609 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,615 - root - INFO - [chat.py:497] - Loading vector store for hospital 160 and user default -2025-06-06 20:02:21,618 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,623 - root - INFO - [chat.py:497] - Loading vector store for hospital 162 and user default -2025-06-06 20:02:21,625 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,630 - root - INFO - [chat.py:497] - Loading vector store for hospital 163 and user default -2025-06-06 20:02:21,633 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,638 - root - INFO - [chat.py:497] - Loading vector store for hospital 166 and user default -2025-06-06 20:02:21,640 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,645 - root - INFO - [chat.py:497] - Loading vector store for hospital 167 and user default -2025-06-06 20:02:21,647 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,652 - root - INFO - [chat.py:497] - Loading vector store for hospital 168 and user default -2025-06-06 20:02:21,655 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,659 - root - INFO - [chat.py:497] - Loading vector store for hospital 169 and user default -2025-06-06 20:02:21,662 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,666 - root - INFO - [chat.py:497] - Loading vector store for hospital 170 and user default -2025-06-06 20:02:21,669 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,673 - root - INFO - [chat.py:497] - Loading vector store for hospital 172 and user default -2025-06-06 20:02:21,676 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,681 - root - INFO - [chat.py:497] - Loading vector store for hospital 173 and user default -2025-06-06 20:02:21,684 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,689 - root - INFO - [chat.py:497] - Loading vector store for hospital 181 and user default -2025-06-06 20:02:21,691 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,696 - root - INFO - [chat.py:497] - Loading vector store for hospital 182 and user default -2025-06-06 20:02:21,699 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,703 - root - INFO - [chat.py:497] - Loading vector store for hospital 183 and user default -2025-06-06 20:02:21,706 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,716 - root - INFO - [chat.py:497] - Loading vector store for hospital 184 and user default -2025-06-06 20:02:21,718 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,723 - root - INFO - [chat.py:497] - Loading vector store for hospital 194 and user default -2025-06-06 20:02:21,726 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,730 - root - INFO - [chat.py:497] - Loading vector store for hospital 195 and user default -2025-06-06 20:02:21,733 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,737 - root - INFO - [chat.py:497] - Loading vector store for hospital 196 and user default -2025-06-06 20:02:21,740 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,745 - root - INFO - [chat.py:497] - Loading vector store for hospital 197 and user default -2025-06-06 20:02:21,747 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,754 - root - INFO - [chat.py:497] - Loading vector store for hospital 198 and user default -2025-06-06 20:02:21,756 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,761 - root - INFO - [chat.py:497] - Loading vector store for hospital 199 and user default -2025-06-06 20:02:21,764 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,769 - root - INFO - [chat.py:497] - Loading vector store for hospital 201 and user default -2025-06-06 20:02:21,771 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,776 - root - INFO - [chat.py:497] - Loading vector store for hospital 202 and user default -2025-06-06 20:02:21,778 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,784 - root - INFO - [chat.py:497] - Loading vector store for hospital 203 and user default -2025-06-06 20:02:21,786 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,790 - root - INFO - [chat.py:497] - Loading vector store for hospital 204 and user default -2025-06-06 20:02:21,793 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,798 - root - INFO - [chat.py:497] - Loading vector store for hospital 206 and user default -2025-06-06 20:02:21,800 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,805 - root - INFO - [chat.py:497] - Loading vector store for hospital 207 and user default -2025-06-06 20:02:21,808 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,812 - root - INFO - [chat.py:497] - Loading vector store for hospital 209 and user default -2025-06-06 20:02:21,815 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,819 - root - INFO - [chat.py:497] - Loading vector store for hospital 210 and user default -2025-06-06 20:02:21,822 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,827 - root - INFO - [chat.py:497] - Loading vector store for hospital 212 and user default -2025-06-06 20:02:21,830 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,834 - root - INFO - [chat.py:497] - Loading vector store for hospital 213 and user default -2025-06-06 20:02:21,837 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:02:21,842 - root - INFO - [chat.py:2157] - Vector stores loaded successfully -2025-06-06 20:02:21,842 - root - INFO - [chat.py:2160] - Starting Flask application on port 5000 -2025-06-06 20:02:21,846 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-06 20:02:21,847 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-06 20:07:53,888 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:07:53,905 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 413 -2025-06-06 20:07:53,915 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:07:53,916 - root - INFO - [chat.py:1858] - Starting processing of document 413 -2025-06-06 20:07:53,916 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:07:53,978 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:07:54,017 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 413 -2025-06-06 20:07:54,029 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:07:54,029 - root - INFO - [chat.py:1858] - Starting processing of document 413 -2025-06-06 20:07:54,039 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:07:58,765 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:07:58,766 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:07:58,767 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:07:58,768 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:07:58,770 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:07:58,771 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:07:58,773 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:07:58,774 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:07:58,775 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:07:58,776 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:07:58,777 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:07:58,778 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:07:58,779 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:07:58,780 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:07:58,781 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:07:59,062 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:07:59,123 - root - INFO - [chat.py:572] - Processing 30 pages for document 413 -2025-06-06 20:08:00,877 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:00,879 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:00,880 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:00,881 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:00,882 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:00,883 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:00,884 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:00,885 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:00,886 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:00,887 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:00,888 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:00,889 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:00,889 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:00,890 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:00,891 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:08:01,041 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:08:01,044 - root - INFO - [chat.py:572] - Processing 60 pages for document 413 -2025-06-06 20:08:01,337 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:08:02,538 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:08:02,715 - root - INFO - [chat.py:646] - Saving 20 ICD codes -2025-06-06 20:08:02,716 - root - INFO - [chat.py:650] - Successfully indexed document 413 -2025-06-06 20:08:02,717 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:08:02,783 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 8.895s - IP: 127.0.0.1 -2025-06-06 20:08:02,784 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:08:02] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:08:04,358 - root - INFO - [chat.py:646] - Saving 40 ICD codes -2025-06-06 20:08:04,359 - root - INFO - [chat.py:650] - Successfully indexed document 413 -2025-06-06 20:08:04,360 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:08:04,362 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 10.384s - IP: 127.0.0.1 -2025-06-06 20:08:04,363 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:08:04] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:08:21,553 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:21,556 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 414 -2025-06-06 20:08:21,559 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:08:21,560 - root - INFO - [chat.py:1858] - Starting processing of document 414 -2025-06-06 20:08:21,560 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:08:21,561 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 6 0 (offset 0) -2025-06-06 20:08:21,561 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 8 0 (offset 0) -2025-06-06 20:08:21,561 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 10 0 (offset 0) -2025-06-06 20:08:21,586 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:08:21,792 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:08:21,794 - root - INFO - [chat.py:572] - Processing 1 pages for document 414 -2025-06-06 20:08:23,356 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:08:23,717 - root - INFO - [chat.py:650] - Successfully indexed document 414 -2025-06-06 20:08:23,718 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:08:23,788 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 2.235s - IP: 127.0.0.1 -2025-06-06 20:08:23,789 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:08:23] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:08:23,794 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:23,797 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 415 -2025-06-06 20:08:23,800 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:08:23,800 - root - INFO - [chat.py:1858] - Starting processing of document 415 -2025-06-06 20:08:23,801 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:08:24,440 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:24,441 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:24,442 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:24,443 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:24,444 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:24,445 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:24,446 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:24,447 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:24,448 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:24,449 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:24,450 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:24,451 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:24,451 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:08:24,653 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:08:24,656 - root - INFO - [chat.py:572] - Processing 15 pages for document 415 -2025-06-06 20:08:25,586 - root - INFO - [chat.py:2019] - Received request to delete vectors for document 412 from hospital 210 -2025-06-06 20:08:25,591 - root - INFO - [chat.py:548] - Successfully deleted vectors for document 412 from hospital 210 -2025-06-06 20:08:25,591 - access - INFO - [chat.py:2122] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.005s - IP: 127.0.0.1 -2025-06-06 20:08:25,592 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:08:25] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-06 20:08:27,259 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:08:28,354 - root - INFO - [chat.py:646] - Saving 31 ICD codes -2025-06-06 20:08:28,355 - root - INFO - [chat.py:650] - Successfully indexed document 415 -2025-06-06 20:08:28,356 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:08:28,422 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 4.627s - IP: 127.0.0.1 -2025-06-06 20:08:28,423 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:08:28] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:08:28,430 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:28,432 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 416 -2025-06-06 20:08:28,435 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:08:28,435 - root - INFO - [chat.py:1858] - Starting processing of document 416 -2025-06-06 20:08:28,436 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:08:31,886 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:31,887 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:31,888 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:31,890 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:31,891 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:31,892 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:31,893 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:31,894 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:31,895 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:31,896 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:31,897 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:31,898 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:31,900 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:31,901 - root - INFO - [chat.py:380] - Successfully saved 98 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:31,901 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:08:32,249 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:08:32,252 - root - INFO - [chat.py:572] - Processing 30 pages for document 416 -2025-06-06 20:08:33,446 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:08:34,718 - root - INFO - [chat.py:646] - Saving 20 ICD codes -2025-06-06 20:08:34,718 - root - INFO - [chat.py:650] - Successfully indexed document 416 -2025-06-06 20:08:34,719 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:08:34,785 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 6.355s - IP: 127.0.0.1 -2025-06-06 20:08:34,785 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:08:34] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:08:34,791 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:34,797 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 417 -2025-06-06 20:08:34,799 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:08:34,799 - root - INFO - [chat.py:1858] - Starting processing of document 417 -2025-06-06 20:08:34,801 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:08:35,664 - root - INFO - [chat.py:380] - Successfully saved 102 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:35,665 - root - INFO - [chat.py:380] - Successfully saved 102 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:35,666 - root - INFO - [chat.py:380] - Successfully saved 102 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:35,667 - root - INFO - [chat.py:380] - Successfully saved 102 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:35,668 - root - INFO - [chat.py:380] - Successfully saved 102 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:35,669 - root - INFO - [chat.py:380] - Successfully saved 103 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:35,671 - root - INFO - [chat.py:380] - Successfully saved 104 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:35,672 - root - INFO - [chat.py:380] - Successfully saved 104 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:35,673 - root - INFO - [chat.py:380] - Successfully saved 104 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:35,674 - root - INFO - [chat.py:380] - Successfully saved 105 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:35,674 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:08:35,837 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:08:35,839 - root - INFO - [chat.py:572] - Processing 28 pages for document 417 -2025-06-06 20:08:36,629 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:08:38,353 - root - INFO - [chat.py:646] - Saving 31 ICD codes -2025-06-06 20:08:38,354 - root - INFO - [chat.py:650] - Successfully indexed document 417 -2025-06-06 20:08:38,355 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:08:38,443 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 3.652s - IP: 127.0.0.1 -2025-06-06 20:08:38,444 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:08:38] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:08:38,449 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:38,460 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 418 -2025-06-06 20:08:38,462 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:08:38,462 - root - INFO - [chat.py:1858] - Starting processing of document 418 -2025-06-06 20:08:38,467 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:08:38,469 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 59 0 (offset 0) -2025-06-06 20:08:38,785 - root - INFO - [chat.py:380] - Successfully saved 106 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:38,789 - root - INFO - [chat.py:380] - Successfully saved 107 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:38,790 - root - INFO - [chat.py:380] - Successfully saved 108 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:38,793 - root - INFO - [chat.py:380] - Successfully saved 108 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:38,794 - root - INFO - [chat.py:380] - Successfully saved 109 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:38,795 - root - INFO - [chat.py:380] - Successfully saved 109 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:38,796 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:38,797 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:08:38,798 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:08:39,017 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:08:39,019 - root - INFO - [chat.py:572] - Processing 14 pages for document 418 -2025-06-06 20:08:40,928 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:08:42,056 - root - INFO - [chat.py:646] - Saving 13 ICD codes -2025-06-06 20:08:42,057 - root - INFO - [chat.py:650] - Successfully indexed document 418 -2025-06-06 20:08:42,058 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:08:42,138 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 3.689s - IP: 127.0.0.1 -2025-06-06 20:08:42,139 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:08:42] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:08:42,146 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:42,149 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 419 -2025-06-06 20:08:42,151 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:08:42,151 - root - INFO - [chat.py:1858] - Starting processing of document 419 -2025-06-06 20:08:42,152 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:08:42,258 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:08:42,414 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:08:42,417 - root - INFO - [chat.py:572] - Processing 5 pages for document 419 -2025-06-06 20:08:44,856 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:08:45,419 - root - INFO - [chat.py:650] - Successfully indexed document 419 -2025-06-06 20:08:45,420 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:08:45,506 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 3.361s - IP: 127.0.0.1 -2025-06-06 20:08:45,507 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:08:45] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:08:45,513 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:08:45,517 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 420 -2025-06-06 20:08:45,519 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:08:45,519 - root - INFO - [chat.py:1858] - Starting processing of document 420 -2025-06-06 20:08:45,520 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:08:45,626 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:08:45,775 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:08:45,777 - root - INFO - [chat.py:572] - Processing 5 pages for document 420 -2025-06-06 20:08:46,979 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:08:47,547 - root - INFO - [chat.py:650] - Successfully indexed document 420 -2025-06-06 20:08:47,548 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:08:47,626 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 2.113s - IP: 127.0.0.1 -2025-06-06 20:08:47,627 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:08:47] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:09:00,405 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:09:00,430 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 421 -2025-06-06 20:09:00,442 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:09:00,443 - root - INFO - [chat.py:1858] - Starting processing of document 421 -2025-06-06 20:09:00,450 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:09:00,500 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:09:00,546 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 421 -2025-06-06 20:09:00,652 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:09:00,688 - root - INFO - [chat.py:1858] - Starting processing of document 421 -2025-06-06 20:09:00,845 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:09:06,978 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,039 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,078 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,137 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,210 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,247 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,333 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,399 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,445 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,457 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,483 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,497 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,564 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,588 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,624 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:09:07,652 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,654 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,655 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,658 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,659 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,660 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,662 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,664 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,666 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,667 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,669 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,671 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,673 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,674 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:07,674 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:09:07,890 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:09:07,892 - root - INFO - [chat.py:572] - Processing 30 pages for document 421 -2025-06-06 20:09:07,972 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:09:07,974 - root - INFO - [chat.py:572] - Processing 60 pages for document 421 -2025-06-06 20:09:09,022 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:09:09,178 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:09:10,598 - root - INFO - [chat.py:646] - Saving 20 ICD codes -2025-06-06 20:09:10,599 - root - INFO - [chat.py:650] - Successfully indexed document 421 -2025-06-06 20:09:10,599 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:09:10,662 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 10.258s - IP: 127.0.0.1 -2025-06-06 20:09:10,663 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:09:10] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:09:11,008 - root - INFO - [chat.py:646] - Saving 40 ICD codes -2025-06-06 20:09:11,008 - root - INFO - [chat.py:650] - Successfully indexed document 421 -2025-06-06 20:09:11,010 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:09:11,013 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 10.512s - IP: 127.0.0.1 -2025-06-06 20:09:11,013 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:09:11] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:09:11,045 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:09:11,084 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 405 -2025-06-06 20:09:11,086 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:09:11,086 - root - INFO - [chat.py:1858] - Starting processing of document 405 -2025-06-06 20:09:11,087 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:09:14,487 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:14,488 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:14,489 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:14,491 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:14,492 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:14,493 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:14,494 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:14,495 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:14,497 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:14,498 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:14,499 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:14,500 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:14,501 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:14,502 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:14,503 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:09:14,674 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:09:14,677 - root - INFO - [chat.py:572] - Processing 90 pages for document 405 -2025-06-06 20:09:16,202 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:09:18,558 - root - INFO - [chat.py:646] - Saving 60 ICD codes -2025-06-06 20:09:18,559 - root - INFO - [chat.py:650] - Successfully indexed document 405 -2025-06-06 20:09:18,559 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:09:18,562 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 7.517s - IP: 127.0.0.1 -2025-06-06 20:09:18,563 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:09:18] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:09:18,598 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:09:18,599 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital None, doc_id None -2025-06-06 20:09:18,599 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-06 20:09:18,599 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:09:18] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -2025-06-06 20:09:18,635 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:09:18,635 - root - INFO - [chat.py:1938] - Received question from user 781: what is the hospital policy? -2025-06-06 20:09:18,635 - root - INFO - [chat.py:1939] - Received hospital code: NFBFQO8SLO8T -2025-06-06 20:09:18,635 - root - INFO - [chat.py:1940] - Received session_id: None -2025-06-06 20:09:18,637 - root - INFO - [chat.py:1948] - Resolved hospital ID: 210 -2025-06-06 20:09:19,416 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:09:19,437 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_210:doc_405:what is the hospital policy? -2025-06-06 20:09:19,437 - root - INFO - [chat.py:745] - Key words: ['hospital', 'policy?'] -2025-06-06 20:09:19,437 - root - INFO - [chat.py:752] - Matches: 1 out of 2 keywords -2025-06-06 20:09:19,438 - root - INFO - [chat.py:755] - Match ratio: 0.5 -2025-06-06 20:09:22,541 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:09:22,545 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what is the hospital policy? -2025-06-06 20:09:22,546 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for 781:210:None -2025-06-06 20:09:22,546 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 3.912s - IP: 127.0.0.1 -2025-06-06 20:09:22,547 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:09:22] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-06 20:09:22,574 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:09:22,574 - root - INFO - [chat.py:1938] - Received question from user 781: yes -2025-06-06 20:09:22,574 - root - INFO - [chat.py:1939] - Received hospital code: NFBFQO8SLO8T -2025-06-06 20:09:22,574 - root - INFO - [chat.py:1940] - Received session_id: None -2025-06-06 20:09:22,576 - root - INFO - [chat.py:1948] - Resolved hospital ID: 210 -2025-06-06 20:09:22,577 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 0.003s - IP: 127.0.0.1 -2025-06-06 20:09:22,577 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:09:22] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-06 20:09:22,606 - root - INFO - [chat.py:2019] - Received request to delete vectors for document 405 from hospital 210 -2025-06-06 20:09:23,755 - root - INFO - [chat.py:548] - Successfully deleted vectors for document 405 from hospital 210 -2025-06-06 20:09:23,755 - access - INFO - [chat.py:2122] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 1.150s - IP: 127.0.0.1 -2025-06-06 20:09:23,756 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:09:23] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-06 20:09:23,788 - access - INFO - [chat.py:2122] - "DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-06 20:09:23,788 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:09:23] "[31m[1mDELETE /flask-api/delete-document-vectors HTTP/1.1[0m" 400 - -2025-06-06 20:09:23,819 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:09:23,861 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 405 -2025-06-06 20:09:23,863 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:09:23,863 - root - INFO - [chat.py:1858] - Starting processing of document 405 -2025-06-06 20:09:23,864 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:09:27,482 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:27,483 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:27,484 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:27,485 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:27,487 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:27,488 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:27,489 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:27,490 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:27,491 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:27,492 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:27,493 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:27,494 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:27,496 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:27,497 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:27,497 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:09:27,678 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:09:27,681 - root - INFO - [chat.py:572] - Processing 120 pages for document 405 -2025-06-06 20:09:29,664 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:09:32,670 - root - INFO - [chat.py:646] - Saving 80 ICD codes -2025-06-06 20:09:32,671 - root - INFO - [chat.py:650] - Successfully indexed document 405 -2025-06-06 20:09:32,672 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:09:32,675 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 8.856s - IP: 127.0.0.1 -2025-06-06 20:09:32,675 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:09:32] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:09:32,712 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:09:32,712 - root - INFO - [chat.py:1938] - Received question from user 781: what is the hospital policy? -2025-06-06 20:09:32,712 - root - INFO - [chat.py:1939] - Received hospital code: NFBFQO8SLO8T -2025-06-06 20:09:32,712 - root - INFO - [chat.py:1940] - Received session_id: None -2025-06-06 20:09:32,714 - root - INFO - [chat.py:1948] - Resolved hospital ID: 210 -2025-06-06 20:09:34,112 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:09:34,117 - root - INFO - [chat.py:1109] - Enhanced contextual query: Hospital policy key processes registering patients guiding informing billing initial assessment managing spacing infection prevention dignity courtesy politeness care Standard Treatment Guidelines stabilize emergency medical condition prescriptions essential details. -2025-06-06 20:09:36,375 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:09:36,386 - root - INFO - [chat.py:1109] - Enhanced contextual query: Hospital policy key processes registering patients, guiding and informing patients, billing procedures, initial patient assessment, patient care area spacing, patient and family treatment, care provision as per guidelines, emergency stabilization commitment, prescription details inclusion. -2025-06-06 20:09:37,460 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:09:37,475 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_210:doc_405:hospital policy key processes registering patients, guiding and informing patients, billing procedures, initial patient assessment, patient care area spacing, patient and family treatment, care provision as per guidelines, emergency stabilization commitment, prescription details inclusion. -2025-06-06 20:09:37,476 - root - INFO - [chat.py:1554] - Follow-up analysis enhanced: -2025-06-06 20:09:37,476 - root - INFO - [chat.py:1555] - - Referential words: False -2025-06-06 20:09:37,476 - root - INFO - [chat.py:1556] - - Term similarity: 0.02 -2025-06-06 20:09:37,476 - root - INFO - [chat.py:1557] - - Entity attribute question: False -2025-06-06 20:09:37,476 - root - INFO - [chat.py:1558] - - Last entities found: set() -2025-06-06 20:09:37,476 - root - INFO - [chat.py:1559] - - Is follow-up: False -2025-06-06 20:09:37,476 - root - INFO - [chat.py:676] - Question is similar to previous conversation, skipping confirmation -2025-06-06 20:09:39,872 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:09:39,873 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what is the hospital policy? -2025-06-06 20:09:39,874 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for 781:210:None -2025-06-06 20:09:39,875 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 7.163s - IP: 127.0.0.1 -2025-06-06 20:09:39,875 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:09:39] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-06 20:09:39,902 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:09:39,905 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 406 -2025-06-06 20:09:39,907 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:09:39,907 - root - INFO - [chat.py:1858] - Starting processing of document 406 -2025-06-06 20:09:39,907 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:09:39,908 - root - ERROR - [chat.py:447] - Error in extract_pdf_contents: Cannot read an empty file -2025-06-06 20:09:39,908 - root - ERROR - [chat.py:1892] - Processing error: Cannot read an empty file -2025-06-06 20:09:39,982 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 500 - Duration: 0.080s - IP: 127.0.0.1 -2025-06-06 20:09:39,983 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:09:39] "[35m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 500 - -2025-06-06 20:09:40,026 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:09:40,061 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 210, doc_id 405 -2025-06-06 20:09:40,063 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:09:40,064 - root - INFO - [chat.py:1858] - Starting processing of document 405 -2025-06-06 20:09:40,064 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:09:43,452 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:43,453 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:43,454 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:43,456 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:43,457 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:43,458 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:43,459 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:43,461 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:43,462 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:43,463 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:43,464 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:43,465 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:43,466 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:43,467 - root - INFO - [chat.py:380] - Successfully saved 110 unique ICD codes to JSON for hospital 210 -2025-06-06 20:09:43,468 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:09:43,635 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:09:43,639 - root - INFO - [chat.py:572] - Processing 150 pages for document 405 -2025-06-06 20:09:45,221 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:09:47,812 - root - INFO - [chat.py:646] - Saving 100 ICD codes -2025-06-06 20:09:47,813 - root - INFO - [chat.py:650] - Successfully indexed document 405 -2025-06-06 20:09:47,814 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:09:47,816 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 7.790s - IP: 127.0.0.1 -2025-06-06 20:09:47,817 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:09:47] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:09:47,855 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:09:47,856 - root - INFO - [chat.py:1938] - Received question from user 781: what is the hospital policy? -2025-06-06 20:09:47,856 - root - INFO - [chat.py:1939] - Received hospital code: NFBFQO8SLO8T -2025-06-06 20:09:47,856 - root - INFO - [chat.py:1940] - Received session_id: None -2025-06-06 20:09:47,858 - root - INFO - [chat.py:1948] - Resolved hospital ID: 210 -2025-06-06 20:09:49,166 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:09:49,167 - root - INFO - [chat.py:1109] - Enhanced contextual query: Hospital policy key processes registering patients, guiding and informing patients, billing, initial assessment, patient management, infection prevention, patient care, treatment guidelines, emergency stabilization, prescription details. -2025-06-06 20:09:49,951 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:09:49,952 - root - INFO - [chat.py:1109] - Enhanced contextual query: Hospital Policy key processes registering patients guiding informing rights responsibilities cost estimates third-party services insurance billing tariff list initial assessment managing patients transmission infections dignity courtesy politeness Standard Treatment Guidelines stabilize emergency medical condition prescriptions essential details patient name medication practitioner information. -2025-06-06 20:09:50,272 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:09:50,285 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_210:doc_405:hospital policy key processes registering patients guiding informing rights responsibilities cost estimates third-party services insurance billing tariff list initial assessment managing patients transmission infections dignity courtesy politeness standard treatment guidelines stabilize emergency medical condition prescriptions essential details patient name medication practitioner information. -2025-06-06 20:09:50,286 - root - INFO - [chat.py:1554] - Follow-up analysis enhanced: -2025-06-06 20:09:50,286 - root - INFO - [chat.py:1555] - - Referential words: False -2025-06-06 20:09:50,286 - root - INFO - [chat.py:1556] - - Term similarity: 0.02 -2025-06-06 20:09:50,286 - root - INFO - [chat.py:1557] - - Entity attribute question: False -2025-06-06 20:09:50,286 - root - INFO - [chat.py:1558] - - Last entities found: set() -2025-06-06 20:09:50,286 - root - INFO - [chat.py:1559] - - Is follow-up: False -2025-06-06 20:09:50,286 - root - INFO - [chat.py:676] - Question is similar to previous conversation, skipping confirmation -2025-06-06 20:09:52,735 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:09:52,736 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what is the hospital policy? -2025-06-06 20:09:52,736 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for 781:210:None -2025-06-06 20:09:52,737 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 4.882s - IP: 127.0.0.1 -2025-06-06 20:09:52,737 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:09:52] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-06 20:09:52,779 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:09:52,779 - root - INFO - [chat.py:1938] - Received question from user 781: what is the hospital policy? -2025-06-06 20:09:52,779 - root - INFO - [chat.py:1939] - Received hospital code: NFBFQO8SLO8T -2025-06-06 20:09:52,779 - root - INFO - [chat.py:1940] - Received session_id: None -2025-06-06 20:09:52,781 - root - INFO - [chat.py:1948] - Resolved hospital ID: 210 -2025-06-06 20:09:53,900 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:09:53,901 - root - INFO - [chat.py:1109] - Enhanced contextual query: Hospital policy key processes registering patients guiding informing rights responsibilities cost estimates billing initial assessment managing patients adequate spacing patient care area preventing infections treating patients families dignity courtesy politeness providing care Standard Treatment Guidelines stabilizing emergency medical condition individual prescriptions essential details patient name medication practitioner information -2025-06-06 20:09:54,639 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:09:54,640 - root - INFO - [chat.py:1109] - Enhanced contextual query: Hospital policy key processes registering patients, guiding and informing patients, billing procedures, initial patient assessment, patient management, infection prevention, patient care etiquette, standard treatment guidelines, emergency stabilization, prescription details. -2025-06-06 20:09:55,065 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:09:55,078 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_210:doc_405:hospital policy key processes registering patients, guiding and informing patients, billing procedures, initial patient assessment, patient management, infection prevention, patient care etiquette, standard treatment guidelines, emergency stabilization, prescription details. -2025-06-06 20:09:55,079 - root - INFO - [chat.py:1554] - Follow-up analysis enhanced: -2025-06-06 20:09:55,079 - root - INFO - [chat.py:1555] - - Referential words: False -2025-06-06 20:09:55,079 - root - INFO - [chat.py:1556] - - Term similarity: 0.02 -2025-06-06 20:09:55,079 - root - INFO - [chat.py:1557] - - Entity attribute question: False -2025-06-06 20:09:55,079 - root - INFO - [chat.py:1558] - - Last entities found: set() -2025-06-06 20:09:55,079 - root - INFO - [chat.py:1559] - - Is follow-up: False -2025-06-06 20:09:55,079 - root - INFO - [chat.py:676] - Question is similar to previous conversation, skipping confirmation -2025-06-06 20:09:57,752 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:09:57,761 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what is the hospital policy? -2025-06-06 20:09:57,762 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for 781:210:None -2025-06-06 20:09:57,762 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 4.984s - IP: 127.0.0.1 -2025-06-06 20:09:57,763 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:09:57] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-06 20:09:57,788 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:09:57,788 - root - INFO - [chat.py:1938] - Received question from user 781: can you explain more about that policy? -2025-06-06 20:09:57,789 - root - INFO - [chat.py:1939] - Received hospital code: NFBFQO8SLO8T -2025-06-06 20:09:57,789 - root - INFO - [chat.py:1940] - Received session_id: None -2025-06-06 20:09:57,790 - root - INFO - [chat.py:1948] - Resolved hospital ID: 210 -2025-06-06 20:09:58,497 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:09:58,498 - root - INFO - [chat.py:1109] - Enhanced contextual query: Hospital policy key processes details OR Hospital policy key processes explanation OR Hospital policy key processes elaboration OR Hospital policy key processes in-depth information OR Hospital policy key processes further clarification -2025-06-06 20:09:59,442 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:09:59,443 - root - INFO - [chat.py:1109] - Enhanced contextual query: Hospital policy key processes registering patients OR informing patients rights responsibilities cost estimates insurance OR billing Hospital tariff list OR conducting initial assessment patients OR managing patients initial assessment findings OR ensuring adequate spacing patient care area OR treating patients families dignity courtesy politeness OR providing care patients Standard Treatment Guidelines OR stabilizing emergency medical condition individual OR ensuring prescriptions essential details patient name medication details practitioner information. -2025-06-06 20:09:59,784 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:09:59,798 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_210:doc_405:hospital policy key processes registering patients or informing patients rights responsibilities cost estimates insurance or billing hospital tariff list or conducting initial assessment patients or managing patients initial assessment findings or ensuring adequate spacing patient care area or treating patients families dignity courtesy politeness or providing care patients standard treatment guidelines or stabilizing emergency medical condition individual or ensuring prescriptions essential details patient name medication details practitioner information. -2025-06-06 20:09:59,798 - root - INFO - [chat.py:1554] - Follow-up analysis enhanced: -2025-06-06 20:09:59,798 - root - INFO - [chat.py:1555] - - Referential words: True -2025-06-06 20:09:59,798 - root - INFO - [chat.py:1556] - - Term similarity: 0.01 -2025-06-06 20:09:59,798 - root - INFO - [chat.py:1557] - - Entity attribute question: True -2025-06-06 20:09:59,798 - root - INFO - [chat.py:1558] - - Last entities found: set() -2025-06-06 20:09:59,799 - root - INFO - [chat.py:1559] - - Is follow-up: True -2025-06-06 20:10:02,708 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:10:02,716 - root - INFO - [chat.py:1626] - Generated RAG answer for question: can you explain more about that policy? -2025-06-06 20:10:02,716 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for 781:210:None -2025-06-06 20:10:02,717 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 4.929s - IP: 127.0.0.1 -2025-06-06 20:10:02,717 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:10:02] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-06 20:10:07,418 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:10:07,421 - root - INFO - [chat.py:1938] - Received question from user default: what are the legal/statutory requirements a hospital must comply with? -2025-06-06 20:10:07,421 - root - INFO - [chat.py:1939] - Received hospital code: NFBFQO8SLO8T -2025-06-06 20:10:07,421 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-06 20:10:07,424 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:10:07,425 - root - INFO - [chat.py:1938] - Received question from user default: what medical equipment should be available in the labour room? -2025-06-06 20:10:07,425 - root - INFO - [chat.py:1948] - Resolved hospital ID: 210 -2025-06-06 20:10:07,426 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:10:07,427 - root - INFO - [chat.py:1939] - Received hospital code: NFBFQO8SLO8T -2025-06-06 20:10:07,429 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-06 20:10:07,428 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:10:07,430 - root - INFO - [chat.py:1938] - Received question from user default: what medical equipment should be available in the labour room? -2025-06-06 20:10:07,429 - root - INFO - [chat.py:1938] - Received question from user default: what medical equipment should be available in the labour room? -2025-06-06 20:10:07,435 - root - INFO - [chat.py:1939] - Received hospital code: NFBFQO8SLO8T -2025-06-06 20:10:07,436 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:10:07,437 - root - INFO - [chat.py:1939] - Received hospital code: NFBFQO8SLO8T -2025-06-06 20:10:07,437 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-06 20:10:07,438 - root - INFO - [chat.py:1938] - Received question from user default: what records must a hospital maintain under this act? -2025-06-06 20:10:07,440 - root - INFO - [chat.py:1948] - Resolved hospital ID: 210 -2025-06-06 20:10:07,441 - root - INFO - [chat.py:1939] - Received hospital code: NFBFQO8SLO8T -2025-06-06 20:10:07,440 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-06 20:10:07,442 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-06 20:10:07,450 - root - INFO - [chat.py:1948] - Resolved hospital ID: 210 -2025-06-06 20:10:07,455 - root - INFO - [chat.py:1948] - Resolved hospital ID: 210 -2025-06-06 20:10:07,459 - root - INFO - [chat.py:1948] - Resolved hospital ID: 210 -2025-06-06 20:10:07,846 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:10:07,850 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:10:07,878 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_210:what are the legal/statutory requirements a hospital must comply with? -2025-06-06 20:10:07,878 - root - INFO - [chat.py:745] - Key words: ['legal/statutory', 'requirements', 'hospital', 'must', 'comply', 'with?'] -2025-06-06 20:10:07,878 - root - INFO - [chat.py:752] - Matches: 3 out of 6 keywords -2025-06-06 20:10:07,878 - root - INFO - [chat.py:755] - Match ratio: 0.5 -2025-06-06 20:10:07,879 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_210:what medical equipment should be available in the labour room? -2025-06-06 20:10:07,884 - root - INFO - [chat.py:745] - Key words: ['medical', 'equipment', 'should', 'available', 'labour', 'room?'] -2025-06-06 20:10:07,884 - root - INFO - [chat.py:752] - Matches: 5 out of 6 keywords -2025-06-06 20:10:07,885 - root - INFO - [chat.py:755] - Match ratio: 0.8333333333333334 -2025-06-06 20:10:08,341 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:10:08,351 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:10:08,373 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_210:what medical equipment should be available in the labour room? -2025-06-06 20:10:08,373 - root - INFO - [chat.py:745] - Key words: ['medical', 'equipment', 'should', 'available', 'labour', 'room?'] -2025-06-06 20:10:08,373 - root - INFO - [chat.py:752] - Matches: 5 out of 6 keywords -2025-06-06 20:10:08,373 - root - INFO - [chat.py:755] - Match ratio: 0.8333333333333334 -2025-06-06 20:10:08,400 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_210:what records must a hospital maintain under this act? -2025-06-06 20:10:08,401 - root - INFO - [chat.py:745] - Key words: ['records', 'must', 'hospital', 'maintain', 'under', 'this', 'act?'] -2025-06-06 20:10:08,401 - root - INFO - [chat.py:752] - Matches: 3 out of 7 keywords -2025-06-06 20:10:08,401 - root - INFO - [chat.py:755] - Match ratio: 0.42857142857142855 -2025-06-06 20:10:08,469 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:10:08,486 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_210:what medical equipment should be available in the labour room? -2025-06-06 20:10:08,486 - root - INFO - [chat.py:745] - Key words: ['medical', 'equipment', 'should', 'available', 'labour', 'room?'] -2025-06-06 20:10:08,486 - root - INFO - [chat.py:752] - Matches: 5 out of 6 keywords -2025-06-06 20:10:08,486 - root - INFO - [chat.py:755] - Match ratio: 0.8333333333333334 -2025-06-06 20:10:10,072 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:10:10,073 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what medical equipment should be available in the labour room? -2025-06-06 20:10:10,074 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:210:1 -2025-06-06 20:10:10,074 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 2.646s - IP: 127.0.0.1 -2025-06-06 20:10:10,075 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:10:10] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-06 20:10:10,110 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:10:10,114 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what medical equipment should be available in the labour room? -2025-06-06 20:10:10,114 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:210:1 -2025-06-06 20:10:10,115 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 2.691s - IP: 127.0.0.1 -2025-06-06 20:10:10,115 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:10:10] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-06 20:10:10,127 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:10:10,128 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what medical equipment should be available in the labour room? -2025-06-06 20:10:10,128 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:210:1 -2025-06-06 20:10:10,129 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 2.703s - IP: 127.0.0.1 -2025-06-06 20:10:10,129 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:10:10] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-06 20:10:10,892 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:10:10,899 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what records must a hospital maintain under this act? -2025-06-06 20:10:10,900 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:210:1 -2025-06-06 20:10:10,900 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 3.464s - IP: 127.0.0.1 -2025-06-06 20:10:10,901 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:10:10] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-06 20:10:11,011 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:10:11,014 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what are the legal/statutory requirements a hospital must comply with? -2025-06-06 20:10:11,014 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:210:1 -2025-06-06 20:10:11,015 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 3.597s - IP: 127.0.0.1 -2025-06-06 20:10:11,015 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:10:11] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-06 20:10:11,252 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:10:11,335 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 32, doc_id 37 -2025-06-06 20:10:11,338 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:10:11,338 - root - INFO - [chat.py:1858] - Starting processing of document 37 -2025-06-06 20:10:11,344 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-06 20:10:11,345 - pypdf._reader - WARNING - [_utils.py:435] - incorrect startxref pointer(1) -2025-06-06 20:10:11,375 - pypdf._reader - WARNING - [_utils.py:435] - parsing for Object Streams -2025-06-06 20:10:11,449 - pypdf._reader - WARNING - [_utils.py:435] - found 0 objects within Object(464,0) whereas 500 expected -2025-06-06 20:10:11,460 - pypdf._reader - WARNING - [_utils.py:435] - found 0 objects within Object(975,0) whereas 500 expected -2025-06-06 20:10:11,471 - pypdf._reader - WARNING - [_utils.py:435] - found 0 objects within Object(1491,0) whereas 500 expected -2025-06-06 20:10:11,483 - pypdf._reader - WARNING - [_utils.py:435] - found 0 objects within Object(2010,0) whereas 500 expected -2025-06-06 20:10:11,495 - pypdf._reader - WARNING - [_utils.py:435] - found 0 objects within Object(2534,0) whereas 500 expected -2025-06-06 20:10:11,513 - pypdf._reader - WARNING - [_utils.py:435] - found 0 objects within Object(3036,0) whereas 500 expected -2025-06-06 20:10:11,521 - pypdf._reader - WARNING - [_utils.py:435] - found 0 objects within Object(3532,0) whereas 68 expected -2025-06-06 20:10:12,300 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-06 20:10:12,464 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-06 20:10:12,472 - root - INFO - [chat.py:572] - Processing 999 pages for document 37 -2025-06-06 20:10:14,201 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:10:14,887 - root - INFO - [chat.py:650] - Successfully indexed document 37 -2025-06-06 20:10:14,889 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-06 20:10:14,893 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 3.641s - IP: 127.0.0.1 -2025-06-06 20:10:14,895 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:10:14] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-06 20:10:14,927 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-06 20:10:14,927 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital None, doc_id None -2025-06-06 20:10:14,927 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 400 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-06 20:10:14,927 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:10:14] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -2025-06-06 20:10:14,954 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:10:14,957 - root - INFO - [chat.py:1938] - Received question from user 31: what is the hospital policy? -2025-06-06 20:10:14,957 - root - INFO - [chat.py:1939] - Received hospital code: NFBFQO8SLO8T -2025-06-06 20:10:14,958 - root - INFO - [chat.py:1940] - Received session_id: None -2025-06-06 20:10:14,960 - root - INFO - [chat.py:1948] - Resolved hospital ID: 210 -2025-06-06 20:10:15,341 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-06 20:10:15,355 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_210:doc_37:what is the hospital policy? -2025-06-06 20:10:15,356 - root - INFO - [chat.py:745] - Key words: ['hospital', 'policy?'] -2025-06-06 20:10:15,356 - root - INFO - [chat.py:752] - Matches: 1 out of 2 keywords -2025-06-06 20:10:15,356 - root - INFO - [chat.py:755] - Match ratio: 0.5 -2025-06-06 20:10:17,781 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-06 20:10:17,782 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what is the hospital policy? -2025-06-06 20:10:17,783 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for 31:210:None -2025-06-06 20:10:17,784 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 2.829s - IP: 127.0.0.1 -2025-06-06 20:10:17,784 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:10:17] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-06 20:10:17,815 - root - INFO - [chat.py:2019] - Received request to delete vectors for document 37 from hospital 66 -2025-06-06 20:10:17,821 - root - INFO - [chat.py:548] - Successfully deleted vectors for document 37 from hospital 66 -2025-06-06 20:10:17,821 - access - INFO - [chat.py:2122] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.007s - IP: 127.0.0.1 -2025-06-06 20:10:17,822 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:10:17] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-06 20:10:17,851 - access - INFO - [chat.py:2122] - "DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-06 20:10:17,851 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:10:17] "[31m[1mDELETE /flask-api/delete-document-vectors HTTP/1.1[0m" 400 - -2025-06-06 20:12:09,105 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-06 20:12:09,120 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-06 20:12:18,346 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-06 20:12:18,347 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-06 20:12:18,347 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-06 20:12:18,347 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-06 20:12:21,390 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-06 20:12:21,392 - root - INFO - [chat.py:2130] - Starting SpurrinAI application -2025-06-06 20:12:21,392 - root - INFO - [chat.py:2131] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-06 20:12:21,392 - root - INFO - [chat.py:2132] - Environment: production -2025-06-06 20:12:21,392 - root - INFO - [chat.py:2136] - Model manager initialized successfully -2025-06-06 20:12:21,392 - root - INFO - [chat.py:2144] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-06 20:12:21,394 - root - INFO - [chat.py:2152] - Cleared 0 Redis cache keys -2025-06-06 20:12:21,394 - root - INFO - [chat.py:2155] - Loading existing vector stores... -2025-06-06 20:12:21,397 - root - INFO - [chat.py:497] - Loading vector store for hospital 6 and user default -2025-06-06 20:12:21,703 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,869 - root - INFO - [chat.py:497] - Loading vector store for hospital 10 and user default -2025-06-06 20:12:21,871 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,877 - root - INFO - [chat.py:497] - Loading vector store for hospital 16 and user default -2025-06-06 20:12:21,879 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,884 - root - INFO - [chat.py:497] - Loading vector store for hospital 19 and user default -2025-06-06 20:12:21,887 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,892 - root - INFO - [chat.py:497] - Loading vector store for hospital 26 and user default -2025-06-06 20:12:21,895 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,900 - root - INFO - [chat.py:497] - Loading vector store for hospital 27 and user default -2025-06-06 20:12:21,902 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,907 - root - INFO - [chat.py:497] - Loading vector store for hospital 29 and user default -2025-06-06 20:12:21,910 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,916 - root - INFO - [chat.py:497] - Loading vector store for hospital 31 and user default -2025-06-06 20:12:21,919 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,924 - root - INFO - [chat.py:497] - Loading vector store for hospital 32 and user default -2025-06-06 20:12:21,927 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,932 - root - INFO - [chat.py:497] - Loading vector store for hospital 36 and user default -2025-06-06 20:12:21,935 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,939 - root - INFO - [chat.py:497] - Loading vector store for hospital 37 and user default -2025-06-06 20:12:21,942 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,947 - root - INFO - [chat.py:497] - Loading vector store for hospital 41 and user default -2025-06-06 20:12:21,949 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,955 - root - INFO - [chat.py:497] - Loading vector store for hospital 42 and user default -2025-06-06 20:12:21,957 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,962 - root - INFO - [chat.py:497] - Loading vector store for hospital 47 and user default -2025-06-06 20:12:21,965 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,970 - root - INFO - [chat.py:497] - Loading vector store for hospital 48 and user default -2025-06-06 20:12:21,973 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,978 - root - INFO - [chat.py:497] - Loading vector store for hospital 52 and user default -2025-06-06 20:12:21,981 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,987 - root - INFO - [chat.py:497] - Loading vector store for hospital 53 and user default -2025-06-06 20:12:21,990 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:21,995 - root - INFO - [chat.py:497] - Loading vector store for hospital 56 and user default -2025-06-06 20:12:21,998 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,002 - root - INFO - [chat.py:497] - Loading vector store for hospital 57 and user default -2025-06-06 20:12:22,005 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,010 - root - INFO - [chat.py:497] - Loading vector store for hospital 59 and user default -2025-06-06 20:12:22,013 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,018 - root - INFO - [chat.py:497] - Loading vector store for hospital 60 and user default -2025-06-06 20:12:22,020 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,025 - root - INFO - [chat.py:497] - Loading vector store for hospital 64 and user default -2025-06-06 20:12:22,028 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,033 - root - INFO - [chat.py:497] - Loading vector store for hospital 65 and user default -2025-06-06 20:12:22,036 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,041 - root - INFO - [chat.py:497] - Loading vector store for hospital 66 and user default -2025-06-06 20:12:22,043 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,048 - root - INFO - [chat.py:497] - Loading vector store for hospital 67 and user default -2025-06-06 20:12:22,051 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,056 - root - INFO - [chat.py:497] - Loading vector store for hospital 68 and user default -2025-06-06 20:12:22,058 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,064 - root - INFO - [chat.py:497] - Loading vector store for hospital 69 and user default -2025-06-06 20:12:22,066 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,071 - root - INFO - [chat.py:497] - Loading vector store for hospital 70 and user default -2025-06-06 20:12:22,074 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,079 - root - INFO - [chat.py:497] - Loading vector store for hospital 71 and user default -2025-06-06 20:12:22,082 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,087 - root - INFO - [chat.py:497] - Loading vector store for hospital 72 and user default -2025-06-06 20:12:22,089 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,094 - root - INFO - [chat.py:497] - Loading vector store for hospital 73 and user default -2025-06-06 20:12:22,096 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,101 - root - INFO - [chat.py:497] - Loading vector store for hospital 75 and user default -2025-06-06 20:12:22,104 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,109 - root - INFO - [chat.py:497] - Loading vector store for hospital 76 and user default -2025-06-06 20:12:22,111 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,117 - root - INFO - [chat.py:497] - Loading vector store for hospital 80 and user default -2025-06-06 20:12:22,120 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,125 - root - INFO - [chat.py:497] - Loading vector store for hospital 81 and user default -2025-06-06 20:12:22,128 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,132 - root - INFO - [chat.py:497] - Loading vector store for hospital 86 and user default -2025-06-06 20:12:22,135 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,140 - root - INFO - [chat.py:497] - Loading vector store for hospital 87 and user default -2025-06-06 20:12:22,143 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,148 - root - INFO - [chat.py:497] - Loading vector store for hospital 90 and user default -2025-06-06 20:12:22,151 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,156 - root - INFO - [chat.py:497] - Loading vector store for hospital 91 and user default -2025-06-06 20:12:22,158 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,163 - root - INFO - [chat.py:497] - Loading vector store for hospital 92 and user default -2025-06-06 20:12:22,166 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,171 - root - INFO - [chat.py:497] - Loading vector store for hospital 94 and user default -2025-06-06 20:12:22,174 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,178 - root - INFO - [chat.py:497] - Loading vector store for hospital 95 and user default -2025-06-06 20:12:22,181 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,186 - root - INFO - [chat.py:497] - Loading vector store for hospital 96 and user default -2025-06-06 20:12:22,188 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,193 - root - INFO - [chat.py:497] - Loading vector store for hospital 97 and user default -2025-06-06 20:12:22,196 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,201 - root - INFO - [chat.py:497] - Loading vector store for hospital 99 and user default -2025-06-06 20:12:22,204 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,209 - root - INFO - [chat.py:497] - Loading vector store for hospital 103 and user default -2025-06-06 20:12:22,212 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,222 - root - INFO - [chat.py:497] - Loading vector store for hospital 106 and user default -2025-06-06 20:12:22,224 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,230 - root - INFO - [chat.py:497] - Loading vector store for hospital 107 and user default -2025-06-06 20:12:22,233 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,238 - root - INFO - [chat.py:497] - Loading vector store for hospital 110 and user default -2025-06-06 20:12:22,241 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,246 - root - INFO - [chat.py:497] - Loading vector store for hospital 111 and user default -2025-06-06 20:12:22,249 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,254 - root - INFO - [chat.py:497] - Loading vector store for hospital 112 and user default -2025-06-06 20:12:22,259 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,263 - root - INFO - [chat.py:497] - Loading vector store for hospital 113 and user default -2025-06-06 20:12:22,266 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,271 - root - INFO - [chat.py:497] - Loading vector store for hospital 114 and user default -2025-06-06 20:12:22,274 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,278 - root - INFO - [chat.py:497] - Loading vector store for hospital 116 and user default -2025-06-06 20:12:22,281 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,286 - root - INFO - [chat.py:497] - Loading vector store for hospital 117 and user default -2025-06-06 20:12:22,288 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,294 - root - INFO - [chat.py:497] - Loading vector store for hospital 118 and user default -2025-06-06 20:12:22,296 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,301 - root - INFO - [chat.py:497] - Loading vector store for hospital 119 and user default -2025-06-06 20:12:22,304 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,308 - root - INFO - [chat.py:497] - Loading vector store for hospital 121 and user default -2025-06-06 20:12:22,311 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,317 - root - INFO - [chat.py:497] - Loading vector store for hospital 122 and user default -2025-06-06 20:12:22,319 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,324 - root - INFO - [chat.py:497] - Loading vector store for hospital 123 and user default -2025-06-06 20:12:22,327 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,332 - root - INFO - [chat.py:497] - Loading vector store for hospital 124 and user default -2025-06-06 20:12:22,335 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,339 - root - INFO - [chat.py:497] - Loading vector store for hospital 126 and user default -2025-06-06 20:12:22,342 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,346 - root - INFO - [chat.py:497] - Loading vector store for hospital 127 and user default -2025-06-06 20:12:22,349 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,355 - root - INFO - [chat.py:497] - Loading vector store for hospital 129 and user default -2025-06-06 20:12:22,358 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,363 - root - INFO - [chat.py:497] - Loading vector store for hospital 131 and user default -2025-06-06 20:12:22,366 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,370 - root - INFO - [chat.py:497] - Loading vector store for hospital 132 and user default -2025-06-06 20:12:22,373 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,378 - root - INFO - [chat.py:497] - Loading vector store for hospital 136 and user default -2025-06-06 20:12:22,380 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,640 - root - INFO - [chat.py:497] - Loading vector store for hospital 137 and user default -2025-06-06 20:12:22,646 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,652 - root - INFO - [chat.py:497] - Loading vector store for hospital 141 and user default -2025-06-06 20:12:22,654 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,659 - root - INFO - [chat.py:497] - Loading vector store for hospital 142 and user default -2025-06-06 20:12:22,663 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,669 - root - INFO - [chat.py:497] - Loading vector store for hospital 145 and user default -2025-06-06 20:12:22,671 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,676 - root - INFO - [chat.py:497] - Loading vector store for hospital 146 and user default -2025-06-06 20:12:22,678 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,683 - root - INFO - [chat.py:497] - Loading vector store for hospital 148 and user default -2025-06-06 20:12:22,686 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,691 - root - INFO - [chat.py:497] - Loading vector store for hospital 177 and user default -2025-06-06 20:12:22,694 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,700 - root - INFO - [chat.py:497] - Loading vector store for hospital 178 and user default -2025-06-06 20:12:22,703 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,708 - root - INFO - [chat.py:497] - Loading vector store for hospital 186 and user default -2025-06-06 20:12:22,710 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,715 - root - INFO - [chat.py:497] - Loading vector store for hospital 187 and user default -2025-06-06 20:12:22,718 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,723 - root - INFO - [chat.py:497] - Loading vector store for hospital 191 and user default -2025-06-06 20:12:22,726 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,731 - root - INFO - [chat.py:497] - Loading vector store for hospital 192 and user default -2025-06-06 20:12:22,734 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,738 - root - INFO - [chat.py:497] - Loading vector store for hospital 200 and user default -2025-06-06 20:12:22,741 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,747 - root - INFO - [chat.py:497] - Loading vector store for hospital 45 and user default -2025-06-06 20:12:22,749 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,754 - root - INFO - [chat.py:497] - Loading vector store for hospital 63 and user default -2025-06-06 20:12:22,757 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,762 - root - INFO - [chat.py:497] - Loading vector store for hospital 93 and user default -2025-06-06 20:12:22,764 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,769 - root - INFO - [chat.py:497] - Loading vector store for hospital 98 and user default -2025-06-06 20:12:22,772 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,777 - root - INFO - [chat.py:497] - Loading vector store for hospital 102 and user default -2025-06-06 20:12:22,780 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,786 - root - INFO - [chat.py:497] - Loading vector store for hospital 104 and user default -2025-06-06 20:12:22,789 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:22,794 - root - INFO - [chat.py:508] - Creating vector store for hospital 228 -2025-06-06 20:12:22,797 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:28,056 - root - INFO - [chat.py:497] - Loading vector store for hospital 109 and user default -2025-06-06 20:12:28,059 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:28,065 - root - INFO - [chat.py:508] - Creating vector store for hospital 222 -2025-06-06 20:12:28,067 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,086 - root - INFO - [chat.py:497] - Loading vector store for hospital 149 and user default -2025-06-06 20:12:32,089 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,095 - root - INFO - [chat.py:497] - Loading vector store for hospital 150 and user default -2025-06-06 20:12:32,098 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,102 - root - INFO - [chat.py:497] - Loading vector store for hospital 151 and user default -2025-06-06 20:12:32,105 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,110 - root - INFO - [chat.py:497] - Loading vector store for hospital 152 and user default -2025-06-06 20:12:32,112 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,117 - root - INFO - [chat.py:497] - Loading vector store for hospital 153 and user default -2025-06-06 20:12:32,120 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,124 - root - INFO - [chat.py:497] - Loading vector store for hospital 154 and user default -2025-06-06 20:12:32,127 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,131 - root - INFO - [chat.py:497] - Loading vector store for hospital 155 and user default -2025-06-06 20:12:32,134 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,139 - root - INFO - [chat.py:497] - Loading vector store for hospital 157 and user default -2025-06-06 20:12:32,141 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,146 - root - INFO - [chat.py:497] - Loading vector store for hospital 158 and user default -2025-06-06 20:12:32,148 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,153 - root - INFO - [chat.py:497] - Loading vector store for hospital 160 and user default -2025-06-06 20:12:32,155 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,160 - root - INFO - [chat.py:497] - Loading vector store for hospital 162 and user default -2025-06-06 20:12:32,162 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,167 - root - INFO - [chat.py:497] - Loading vector store for hospital 163 and user default -2025-06-06 20:12:32,170 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,174 - root - INFO - [chat.py:497] - Loading vector store for hospital 166 and user default -2025-06-06 20:12:32,177 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,182 - root - INFO - [chat.py:497] - Loading vector store for hospital 167 and user default -2025-06-06 20:12:32,185 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,190 - root - INFO - [chat.py:497] - Loading vector store for hospital 168 and user default -2025-06-06 20:12:32,192 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,198 - root - INFO - [chat.py:497] - Loading vector store for hospital 169 and user default -2025-06-06 20:12:32,200 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,205 - root - INFO - [chat.py:497] - Loading vector store for hospital 170 and user default -2025-06-06 20:12:32,208 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,213 - root - INFO - [chat.py:497] - Loading vector store for hospital 172 and user default -2025-06-06 20:12:32,215 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,220 - root - INFO - [chat.py:497] - Loading vector store for hospital 173 and user default -2025-06-06 20:12:32,223 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,227 - root - INFO - [chat.py:497] - Loading vector store for hospital 181 and user default -2025-06-06 20:12:32,230 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,241 - root - INFO - [chat.py:497] - Loading vector store for hospital 182 and user default -2025-06-06 20:12:32,243 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,250 - root - INFO - [chat.py:497] - Loading vector store for hospital 183 and user default -2025-06-06 20:12:32,252 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,258 - root - INFO - [chat.py:497] - Loading vector store for hospital 184 and user default -2025-06-06 20:12:32,261 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,267 - root - INFO - [chat.py:497] - Loading vector store for hospital 194 and user default -2025-06-06 20:12:32,269 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,274 - root - INFO - [chat.py:497] - Loading vector store for hospital 195 and user default -2025-06-06 20:12:32,277 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,282 - root - INFO - [chat.py:497] - Loading vector store for hospital 196 and user default -2025-06-06 20:12:32,285 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,289 - root - INFO - [chat.py:497] - Loading vector store for hospital 197 and user default -2025-06-06 20:12:32,292 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,297 - root - INFO - [chat.py:497] - Loading vector store for hospital 198 and user default -2025-06-06 20:12:32,300 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,305 - root - INFO - [chat.py:497] - Loading vector store for hospital 199 and user default -2025-06-06 20:12:32,308 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,313 - root - INFO - [chat.py:497] - Loading vector store for hospital 201 and user default -2025-06-06 20:12:32,315 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,320 - root - INFO - [chat.py:497] - Loading vector store for hospital 202 and user default -2025-06-06 20:12:32,323 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,328 - root - INFO - [chat.py:497] - Loading vector store for hospital 203 and user default -2025-06-06 20:12:32,331 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,336 - root - INFO - [chat.py:497] - Loading vector store for hospital 204 and user default -2025-06-06 20:12:32,338 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,344 - root - INFO - [chat.py:497] - Loading vector store for hospital 206 and user default -2025-06-06 20:12:32,347 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,352 - root - INFO - [chat.py:497] - Loading vector store for hospital 207 and user default -2025-06-06 20:12:32,355 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,360 - root - INFO - [chat.py:497] - Loading vector store for hospital 209 and user default -2025-06-06 20:12:32,363 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,367 - root - INFO - [chat.py:497] - Loading vector store for hospital 210 and user default -2025-06-06 20:12:32,370 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,375 - root - INFO - [chat.py:497] - Loading vector store for hospital 212 and user default -2025-06-06 20:12:32,378 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,383 - root - INFO - [chat.py:497] - Loading vector store for hospital 213 and user default -2025-06-06 20:12:32,385 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:32,390 - root - INFO - [chat.py:508] - Creating vector store for hospital 224 -2025-06-06 20:12:32,393 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:36,613 - root - INFO - [chat.py:508] - Creating vector store for hospital 225 -2025-06-06 20:12:36,616 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:12:40,397 - root - INFO - [chat.py:2157] - Vector stores loaded successfully -2025-06-06 20:12:40,397 - root - INFO - [chat.py:2160] - Starting Flask application on port 5000 -2025-06-06 20:12:40,404 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-06 20:12:40,404 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-06 20:17:20,809 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-06 20:17:20,820 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-06 20:17:30,383 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-06 20:17:30,383 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-06 20:17:30,384 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-06 20:17:30,384 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-06 20:17:33,607 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-06 20:17:33,611 - root - INFO - [chat.py:2130] - Starting SpurrinAI application -2025-06-06 20:17:33,611 - root - INFO - [chat.py:2131] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-06 20:17:33,611 - root - INFO - [chat.py:2132] - Environment: production -2025-06-06 20:17:33,611 - root - INFO - [chat.py:2136] - Model manager initialized successfully -2025-06-06 20:17:33,614 - root - INFO - [chat.py:2144] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-06 20:17:33,617 - root - INFO - [chat.py:2152] - Cleared 0 Redis cache keys -2025-06-06 20:17:33,618 - root - INFO - [chat.py:2155] - Loading existing vector stores... -2025-06-06 20:17:33,623 - root - INFO - [chat.py:497] - Loading vector store for hospital 6 and user default -2025-06-06 20:17:33,959 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,141 - root - INFO - [chat.py:497] - Loading vector store for hospital 10 and user default -2025-06-06 20:17:34,144 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,150 - root - INFO - [chat.py:497] - Loading vector store for hospital 16 and user default -2025-06-06 20:17:34,153 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,159 - root - INFO - [chat.py:497] - Loading vector store for hospital 19 and user default -2025-06-06 20:17:34,163 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,168 - root - INFO - [chat.py:497] - Loading vector store for hospital 26 and user default -2025-06-06 20:17:34,172 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,177 - root - INFO - [chat.py:497] - Loading vector store for hospital 27 and user default -2025-06-06 20:17:34,180 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,186 - root - INFO - [chat.py:497] - Loading vector store for hospital 29 and user default -2025-06-06 20:17:34,189 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,195 - root - INFO - [chat.py:497] - Loading vector store for hospital 31 and user default -2025-06-06 20:17:34,197 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,204 - root - INFO - [chat.py:497] - Loading vector store for hospital 32 and user default -2025-06-06 20:17:34,207 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,212 - root - INFO - [chat.py:497] - Loading vector store for hospital 36 and user default -2025-06-06 20:17:34,215 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,220 - root - INFO - [chat.py:497] - Loading vector store for hospital 37 and user default -2025-06-06 20:17:34,225 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,235 - root - INFO - [chat.py:497] - Loading vector store for hospital 41 and user default -2025-06-06 20:17:34,238 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,244 - root - INFO - [chat.py:497] - Loading vector store for hospital 42 and user default -2025-06-06 20:17:34,246 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,252 - root - INFO - [chat.py:497] - Loading vector store for hospital 47 and user default -2025-06-06 20:17:34,255 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,260 - root - INFO - [chat.py:497] - Loading vector store for hospital 48 and user default -2025-06-06 20:17:34,263 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,268 - root - INFO - [chat.py:497] - Loading vector store for hospital 52 and user default -2025-06-06 20:17:34,271 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,278 - root - INFO - [chat.py:497] - Loading vector store for hospital 53 and user default -2025-06-06 20:17:34,282 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,287 - root - INFO - [chat.py:497] - Loading vector store for hospital 56 and user default -2025-06-06 20:17:34,289 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,294 - root - INFO - [chat.py:497] - Loading vector store for hospital 57 and user default -2025-06-06 20:17:34,297 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,302 - root - INFO - [chat.py:497] - Loading vector store for hospital 59 and user default -2025-06-06 20:17:34,305 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,310 - root - INFO - [chat.py:497] - Loading vector store for hospital 60 and user default -2025-06-06 20:17:34,313 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,318 - root - INFO - [chat.py:497] - Loading vector store for hospital 64 and user default -2025-06-06 20:17:34,321 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,326 - root - INFO - [chat.py:497] - Loading vector store for hospital 65 and user default -2025-06-06 20:17:34,329 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,334 - root - INFO - [chat.py:497] - Loading vector store for hospital 66 and user default -2025-06-06 20:17:34,337 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,342 - root - INFO - [chat.py:497] - Loading vector store for hospital 67 and user default -2025-06-06 20:17:34,345 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,350 - root - INFO - [chat.py:497] - Loading vector store for hospital 68 and user default -2025-06-06 20:17:34,353 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,358 - root - INFO - [chat.py:497] - Loading vector store for hospital 69 and user default -2025-06-06 20:17:34,361 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,366 - root - INFO - [chat.py:497] - Loading vector store for hospital 70 and user default -2025-06-06 20:17:34,369 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,374 - root - INFO - [chat.py:497] - Loading vector store for hospital 71 and user default -2025-06-06 20:17:34,377 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,383 - root - INFO - [chat.py:497] - Loading vector store for hospital 72 and user default -2025-06-06 20:17:34,385 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,390 - root - INFO - [chat.py:497] - Loading vector store for hospital 73 and user default -2025-06-06 20:17:34,393 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,398 - root - INFO - [chat.py:497] - Loading vector store for hospital 75 and user default -2025-06-06 20:17:34,401 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,406 - root - INFO - [chat.py:497] - Loading vector store for hospital 76 and user default -2025-06-06 20:17:34,409 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,414 - root - INFO - [chat.py:497] - Loading vector store for hospital 80 and user default -2025-06-06 20:17:34,417 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,422 - root - INFO - [chat.py:497] - Loading vector store for hospital 81 and user default -2025-06-06 20:17:34,425 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,430 - root - INFO - [chat.py:497] - Loading vector store for hospital 86 and user default -2025-06-06 20:17:34,433 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,439 - root - INFO - [chat.py:497] - Loading vector store for hospital 87 and user default -2025-06-06 20:17:34,442 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,454 - root - INFO - [chat.py:497] - Loading vector store for hospital 90 and user default -2025-06-06 20:17:34,461 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,475 - root - INFO - [chat.py:497] - Loading vector store for hospital 91 and user default -2025-06-06 20:17:34,480 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,498 - root - INFO - [chat.py:497] - Loading vector store for hospital 92 and user default -2025-06-06 20:17:34,502 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,508 - root - INFO - [chat.py:497] - Loading vector store for hospital 94 and user default -2025-06-06 20:17:34,515 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,520 - root - INFO - [chat.py:497] - Loading vector store for hospital 95 and user default -2025-06-06 20:17:34,526 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,533 - root - INFO - [chat.py:497] - Loading vector store for hospital 96 and user default -2025-06-06 20:17:34,536 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,541 - root - INFO - [chat.py:497] - Loading vector store for hospital 97 and user default -2025-06-06 20:17:34,544 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,549 - root - INFO - [chat.py:497] - Loading vector store for hospital 99 and user default -2025-06-06 20:17:34,552 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,558 - root - INFO - [chat.py:497] - Loading vector store for hospital 103 and user default -2025-06-06 20:17:34,563 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,572 - root - INFO - [chat.py:497] - Loading vector store for hospital 106 and user default -2025-06-06 20:17:34,575 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,580 - root - INFO - [chat.py:497] - Loading vector store for hospital 107 and user default -2025-06-06 20:17:34,583 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,589 - root - INFO - [chat.py:497] - Loading vector store for hospital 110 and user default -2025-06-06 20:17:34,591 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,596 - root - INFO - [chat.py:497] - Loading vector store for hospital 111 and user default -2025-06-06 20:17:34,600 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,608 - root - INFO - [chat.py:497] - Loading vector store for hospital 112 and user default -2025-06-06 20:17:34,613 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,619 - root - INFO - [chat.py:497] - Loading vector store for hospital 113 and user default -2025-06-06 20:17:34,622 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,629 - root - INFO - [chat.py:497] - Loading vector store for hospital 114 and user default -2025-06-06 20:17:34,632 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,638 - root - INFO - [chat.py:497] - Loading vector store for hospital 116 and user default -2025-06-06 20:17:34,643 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,655 - root - INFO - [chat.py:497] - Loading vector store for hospital 117 and user default -2025-06-06 20:17:34,657 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,665 - root - INFO - [chat.py:497] - Loading vector store for hospital 118 and user default -2025-06-06 20:17:34,670 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,679 - root - INFO - [chat.py:497] - Loading vector store for hospital 119 and user default -2025-06-06 20:17:34,682 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,688 - root - INFO - [chat.py:497] - Loading vector store for hospital 121 and user default -2025-06-06 20:17:34,691 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,697 - root - INFO - [chat.py:497] - Loading vector store for hospital 122 and user default -2025-06-06 20:17:34,702 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,707 - root - INFO - [chat.py:497] - Loading vector store for hospital 123 and user default -2025-06-06 20:17:34,710 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,715 - root - INFO - [chat.py:497] - Loading vector store for hospital 124 and user default -2025-06-06 20:17:34,718 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,728 - root - INFO - [chat.py:497] - Loading vector store for hospital 126 and user default -2025-06-06 20:17:34,732 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,739 - root - INFO - [chat.py:497] - Loading vector store for hospital 127 and user default -2025-06-06 20:17:34,742 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,748 - root - INFO - [chat.py:497] - Loading vector store for hospital 129 and user default -2025-06-06 20:17:34,751 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,757 - root - INFO - [chat.py:497] - Loading vector store for hospital 131 and user default -2025-06-06 20:17:34,760 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:34,765 - root - INFO - [chat.py:497] - Loading vector store for hospital 132 and user default -2025-06-06 20:17:34,768 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,052 - root - INFO - [chat.py:497] - Loading vector store for hospital 136 and user default -2025-06-06 20:17:35,056 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,062 - root - INFO - [chat.py:497] - Loading vector store for hospital 137 and user default -2025-06-06 20:17:35,065 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,071 - root - INFO - [chat.py:497] - Loading vector store for hospital 141 and user default -2025-06-06 20:17:35,074 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,080 - root - INFO - [chat.py:497] - Loading vector store for hospital 142 and user default -2025-06-06 20:17:35,083 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,089 - root - INFO - [chat.py:497] - Loading vector store for hospital 145 and user default -2025-06-06 20:17:35,091 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,098 - root - INFO - [chat.py:497] - Loading vector store for hospital 146 and user default -2025-06-06 20:17:35,101 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,106 - root - INFO - [chat.py:497] - Loading vector store for hospital 148 and user default -2025-06-06 20:17:35,109 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,115 - root - INFO - [chat.py:497] - Loading vector store for hospital 177 and user default -2025-06-06 20:17:35,117 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,122 - root - INFO - [chat.py:497] - Loading vector store for hospital 178 and user default -2025-06-06 20:17:35,125 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,130 - root - INFO - [chat.py:497] - Loading vector store for hospital 186 and user default -2025-06-06 20:17:35,133 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,138 - root - INFO - [chat.py:497] - Loading vector store for hospital 187 and user default -2025-06-06 20:17:35,141 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,146 - root - INFO - [chat.py:497] - Loading vector store for hospital 191 and user default -2025-06-06 20:17:35,149 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,155 - root - INFO - [chat.py:497] - Loading vector store for hospital 192 and user default -2025-06-06 20:17:35,159 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,165 - root - INFO - [chat.py:497] - Loading vector store for hospital 200 and user default -2025-06-06 20:17:35,169 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,175 - root - INFO - [chat.py:497] - Loading vector store for hospital 45 and user default -2025-06-06 20:17:35,178 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,186 - root - INFO - [chat.py:497] - Loading vector store for hospital 63 and user default -2025-06-06 20:17:35,192 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,200 - root - INFO - [chat.py:497] - Loading vector store for hospital 93 and user default -2025-06-06 20:17:35,202 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,208 - root - INFO - [chat.py:497] - Loading vector store for hospital 98 and user default -2025-06-06 20:17:35,210 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,217 - root - INFO - [chat.py:497] - Loading vector store for hospital 102 and user default -2025-06-06 20:17:35,219 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,225 - root - INFO - [chat.py:497] - Loading vector store for hospital 104 and user default -2025-06-06 20:17:35,228 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,233 - root - INFO - [chat.py:497] - Loading vector store for hospital 228 and user default -2025-06-06 20:17:35,236 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,242 - root - INFO - [chat.py:497] - Loading vector store for hospital 109 and user default -2025-06-06 20:17:35,245 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,250 - root - INFO - [chat.py:497] - Loading vector store for hospital 222 and user default -2025-06-06 20:17:35,253 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,258 - root - INFO - [chat.py:497] - Loading vector store for hospital 149 and user default -2025-06-06 20:17:35,262 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,269 - root - INFO - [chat.py:497] - Loading vector store for hospital 150 and user default -2025-06-06 20:17:35,272 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,278 - root - INFO - [chat.py:497] - Loading vector store for hospital 151 and user default -2025-06-06 20:17:35,281 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,286 - root - INFO - [chat.py:497] - Loading vector store for hospital 152 and user default -2025-06-06 20:17:35,289 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,294 - root - INFO - [chat.py:497] - Loading vector store for hospital 153 and user default -2025-06-06 20:17:35,297 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,302 - root - INFO - [chat.py:497] - Loading vector store for hospital 154 and user default -2025-06-06 20:17:35,305 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,310 - root - INFO - [chat.py:497] - Loading vector store for hospital 155 and user default -2025-06-06 20:17:35,313 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,318 - root - INFO - [chat.py:497] - Loading vector store for hospital 157 and user default -2025-06-06 20:17:35,321 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,327 - root - INFO - [chat.py:497] - Loading vector store for hospital 158 and user default -2025-06-06 20:17:35,330 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,336 - root - INFO - [chat.py:497] - Loading vector store for hospital 160 and user default -2025-06-06 20:17:35,339 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,344 - root - INFO - [chat.py:497] - Loading vector store for hospital 162 and user default -2025-06-06 20:17:35,347 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,352 - root - INFO - [chat.py:497] - Loading vector store for hospital 163 and user default -2025-06-06 20:17:35,355 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,361 - root - INFO - [chat.py:497] - Loading vector store for hospital 166 and user default -2025-06-06 20:17:35,366 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,378 - root - INFO - [chat.py:497] - Loading vector store for hospital 167 and user default -2025-06-06 20:17:35,381 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,387 - root - INFO - [chat.py:497] - Loading vector store for hospital 168 and user default -2025-06-06 20:17:35,390 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,396 - root - INFO - [chat.py:497] - Loading vector store for hospital 169 and user default -2025-06-06 20:17:35,399 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,405 - root - INFO - [chat.py:497] - Loading vector store for hospital 170 and user default -2025-06-06 20:17:35,408 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,413 - root - INFO - [chat.py:497] - Loading vector store for hospital 172 and user default -2025-06-06 20:17:35,416 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,421 - root - INFO - [chat.py:497] - Loading vector store for hospital 173 and user default -2025-06-06 20:17:35,424 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,429 - root - INFO - [chat.py:497] - Loading vector store for hospital 181 and user default -2025-06-06 20:17:35,432 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,442 - root - INFO - [chat.py:497] - Loading vector store for hospital 182 and user default -2025-06-06 20:17:35,445 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,450 - root - INFO - [chat.py:497] - Loading vector store for hospital 183 and user default -2025-06-06 20:17:35,453 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,459 - root - INFO - [chat.py:497] - Loading vector store for hospital 184 and user default -2025-06-06 20:17:35,462 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,467 - root - INFO - [chat.py:497] - Loading vector store for hospital 194 and user default -2025-06-06 20:17:35,471 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,478 - root - INFO - [chat.py:497] - Loading vector store for hospital 195 and user default -2025-06-06 20:17:35,481 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,487 - root - INFO - [chat.py:497] - Loading vector store for hospital 196 and user default -2025-06-06 20:17:35,490 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,496 - root - INFO - [chat.py:497] - Loading vector store for hospital 197 and user default -2025-06-06 20:17:35,499 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,504 - root - INFO - [chat.py:497] - Loading vector store for hospital 198 and user default -2025-06-06 20:17:35,507 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,512 - root - INFO - [chat.py:497] - Loading vector store for hospital 199 and user default -2025-06-06 20:17:35,515 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,520 - root - INFO - [chat.py:497] - Loading vector store for hospital 201 and user default -2025-06-06 20:17:35,524 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,529 - root - INFO - [chat.py:497] - Loading vector store for hospital 202 and user default -2025-06-06 20:17:35,531 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,537 - root - INFO - [chat.py:497] - Loading vector store for hospital 203 and user default -2025-06-06 20:17:35,540 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,546 - root - INFO - [chat.py:497] - Loading vector store for hospital 204 and user default -2025-06-06 20:17:35,549 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,554 - root - INFO - [chat.py:497] - Loading vector store for hospital 206 and user default -2025-06-06 20:17:35,556 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,561 - root - INFO - [chat.py:497] - Loading vector store for hospital 207 and user default -2025-06-06 20:17:35,564 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,569 - root - INFO - [chat.py:497] - Loading vector store for hospital 209 and user default -2025-06-06 20:17:35,572 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,577 - root - INFO - [chat.py:497] - Loading vector store for hospital 210 and user default -2025-06-06 20:17:35,580 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,586 - root - INFO - [chat.py:497] - Loading vector store for hospital 212 and user default -2025-06-06 20:17:35,589 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,597 - root - INFO - [chat.py:497] - Loading vector store for hospital 213 and user default -2025-06-06 20:17:35,602 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,608 - root - INFO - [chat.py:497] - Loading vector store for hospital 224 and user default -2025-06-06 20:17:35,610 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,620 - root - INFO - [chat.py:497] - Loading vector store for hospital 225 and user default -2025-06-06 20:17:35,625 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:17:35,638 - root - INFO - [chat.py:2157] - Vector stores loaded successfully -2025-06-06 20:17:35,638 - root - INFO - [chat.py:2160] - Starting Flask application on port 5000 -2025-06-06 20:17:35,645 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-06 20:17:35,645 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-06 20:18:48,526 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-06 20:18:48,540 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-06 20:18:57,579 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-06 20:18:57,579 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-06 20:18:57,580 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-06 20:18:57,580 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-06 20:19:01,905 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-06 20:19:01,907 - root - INFO - [chat.py:2130] - Starting SpurrinAI application -2025-06-06 20:19:01,907 - root - INFO - [chat.py:2131] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-06 20:19:01,907 - root - INFO - [chat.py:2132] - Environment: production -2025-06-06 20:19:01,907 - root - INFO - [chat.py:2136] - Model manager initialized successfully -2025-06-06 20:19:01,908 - root - INFO - [chat.py:2144] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-06 20:19:01,909 - root - INFO - [chat.py:2152] - Cleared 0 Redis cache keys -2025-06-06 20:19:01,909 - root - INFO - [chat.py:2155] - Loading existing vector stores... -2025-06-06 20:19:01,913 - root - INFO - [chat.py:497] - Loading vector store for hospital 6 and user default -2025-06-06 20:19:02,229 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,402 - root - INFO - [chat.py:497] - Loading vector store for hospital 10 and user default -2025-06-06 20:19:02,405 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,410 - root - INFO - [chat.py:497] - Loading vector store for hospital 16 and user default -2025-06-06 20:19:02,413 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,418 - root - INFO - [chat.py:497] - Loading vector store for hospital 19 and user default -2025-06-06 20:19:02,421 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,426 - root - INFO - [chat.py:497] - Loading vector store for hospital 26 and user default -2025-06-06 20:19:02,429 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,433 - root - INFO - [chat.py:497] - Loading vector store for hospital 27 and user default -2025-06-06 20:19:02,436 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,441 - root - INFO - [chat.py:497] - Loading vector store for hospital 29 and user default -2025-06-06 20:19:02,443 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,447 - root - INFO - [chat.py:497] - Loading vector store for hospital 31 and user default -2025-06-06 20:19:02,450 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,455 - root - INFO - [chat.py:497] - Loading vector store for hospital 32 and user default -2025-06-06 20:19:02,457 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,462 - root - INFO - [chat.py:497] - Loading vector store for hospital 36 and user default -2025-06-06 20:19:02,464 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,469 - root - INFO - [chat.py:497] - Loading vector store for hospital 37 and user default -2025-06-06 20:19:02,472 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,476 - root - INFO - [chat.py:497] - Loading vector store for hospital 41 and user default -2025-06-06 20:19:02,479 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,484 - root - INFO - [chat.py:497] - Loading vector store for hospital 42 and user default -2025-06-06 20:19:02,487 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,492 - root - INFO - [chat.py:497] - Loading vector store for hospital 47 and user default -2025-06-06 20:19:02,494 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,499 - root - INFO - [chat.py:497] - Loading vector store for hospital 48 and user default -2025-06-06 20:19:02,501 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,506 - root - INFO - [chat.py:497] - Loading vector store for hospital 52 and user default -2025-06-06 20:19:02,508 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,515 - root - INFO - [chat.py:497] - Loading vector store for hospital 53 and user default -2025-06-06 20:19:02,517 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,522 - root - INFO - [chat.py:497] - Loading vector store for hospital 56 and user default -2025-06-06 20:19:02,525 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,530 - root - INFO - [chat.py:497] - Loading vector store for hospital 57 and user default -2025-06-06 20:19:02,532 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,537 - root - INFO - [chat.py:497] - Loading vector store for hospital 59 and user default -2025-06-06 20:19:02,539 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,544 - root - INFO - [chat.py:497] - Loading vector store for hospital 60 and user default -2025-06-06 20:19:02,547 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,551 - root - INFO - [chat.py:497] - Loading vector store for hospital 64 and user default -2025-06-06 20:19:02,554 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,559 - root - INFO - [chat.py:497] - Loading vector store for hospital 65 and user default -2025-06-06 20:19:02,561 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,566 - root - INFO - [chat.py:497] - Loading vector store for hospital 66 and user default -2025-06-06 20:19:02,569 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,574 - root - INFO - [chat.py:497] - Loading vector store for hospital 67 and user default -2025-06-06 20:19:02,576 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,581 - root - INFO - [chat.py:497] - Loading vector store for hospital 68 and user default -2025-06-06 20:19:02,584 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,589 - root - INFO - [chat.py:497] - Loading vector store for hospital 69 and user default -2025-06-06 20:19:02,592 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,597 - root - INFO - [chat.py:497] - Loading vector store for hospital 70 and user default -2025-06-06 20:19:02,599 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,604 - root - INFO - [chat.py:497] - Loading vector store for hospital 71 and user default -2025-06-06 20:19:02,607 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,611 - root - INFO - [chat.py:497] - Loading vector store for hospital 72 and user default -2025-06-06 20:19:02,614 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,618 - root - INFO - [chat.py:497] - Loading vector store for hospital 73 and user default -2025-06-06 20:19:02,622 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,626 - root - INFO - [chat.py:497] - Loading vector store for hospital 75 and user default -2025-06-06 20:19:02,629 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,634 - root - INFO - [chat.py:497] - Loading vector store for hospital 76 and user default -2025-06-06 20:19:02,636 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,641 - root - INFO - [chat.py:497] - Loading vector store for hospital 80 and user default -2025-06-06 20:19:02,643 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,648 - root - INFO - [chat.py:497] - Loading vector store for hospital 81 and user default -2025-06-06 20:19:02,651 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,656 - root - INFO - [chat.py:497] - Loading vector store for hospital 86 and user default -2025-06-06 20:19:02,658 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,663 - root - INFO - [chat.py:497] - Loading vector store for hospital 87 and user default -2025-06-06 20:19:02,665 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,670 - root - INFO - [chat.py:497] - Loading vector store for hospital 90 and user default -2025-06-06 20:19:02,673 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,677 - root - INFO - [chat.py:497] - Loading vector store for hospital 91 and user default -2025-06-06 20:19:02,680 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,685 - root - INFO - [chat.py:497] - Loading vector store for hospital 92 and user default -2025-06-06 20:19:02,687 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,692 - root - INFO - [chat.py:497] - Loading vector store for hospital 94 and user default -2025-06-06 20:19:02,694 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,699 - root - INFO - [chat.py:497] - Loading vector store for hospital 95 and user default -2025-06-06 20:19:02,702 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,706 - root - INFO - [chat.py:497] - Loading vector store for hospital 96 and user default -2025-06-06 20:19:02,709 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,714 - root - INFO - [chat.py:497] - Loading vector store for hospital 97 and user default -2025-06-06 20:19:02,716 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,721 - root - INFO - [chat.py:497] - Loading vector store for hospital 99 and user default -2025-06-06 20:19:02,723 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,728 - root - INFO - [chat.py:497] - Loading vector store for hospital 103 and user default -2025-06-06 20:19:02,730 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,741 - root - INFO - [chat.py:497] - Loading vector store for hospital 106 and user default -2025-06-06 20:19:02,744 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,749 - root - INFO - [chat.py:497] - Loading vector store for hospital 107 and user default -2025-06-06 20:19:02,751 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,756 - root - INFO - [chat.py:497] - Loading vector store for hospital 110 and user default -2025-06-06 20:19:02,758 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,763 - root - INFO - [chat.py:497] - Loading vector store for hospital 111 and user default -2025-06-06 20:19:02,766 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,772 - root - INFO - [chat.py:497] - Loading vector store for hospital 112 and user default -2025-06-06 20:19:02,775 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,779 - root - INFO - [chat.py:497] - Loading vector store for hospital 113 and user default -2025-06-06 20:19:02,782 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,787 - root - INFO - [chat.py:497] - Loading vector store for hospital 114 and user default -2025-06-06 20:19:02,789 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,794 - root - INFO - [chat.py:497] - Loading vector store for hospital 116 and user default -2025-06-06 20:19:02,797 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,802 - root - INFO - [chat.py:497] - Loading vector store for hospital 117 and user default -2025-06-06 20:19:02,804 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,809 - root - INFO - [chat.py:497] - Loading vector store for hospital 118 and user default -2025-06-06 20:19:02,812 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,817 - root - INFO - [chat.py:497] - Loading vector store for hospital 119 and user default -2025-06-06 20:19:02,819 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,824 - root - INFO - [chat.py:497] - Loading vector store for hospital 121 and user default -2025-06-06 20:19:02,828 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,833 - root - INFO - [chat.py:497] - Loading vector store for hospital 122 and user default -2025-06-06 20:19:02,835 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,840 - root - INFO - [chat.py:497] - Loading vector store for hospital 123 and user default -2025-06-06 20:19:02,843 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,847 - root - INFO - [chat.py:497] - Loading vector store for hospital 124 and user default -2025-06-06 20:19:02,850 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,855 - root - INFO - [chat.py:497] - Loading vector store for hospital 126 and user default -2025-06-06 20:19:02,857 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,862 - root - INFO - [chat.py:497] - Loading vector store for hospital 127 and user default -2025-06-06 20:19:02,864 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,870 - root - INFO - [chat.py:497] - Loading vector store for hospital 129 and user default -2025-06-06 20:19:02,873 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,878 - root - INFO - [chat.py:497] - Loading vector store for hospital 131 and user default -2025-06-06 20:19:02,880 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,885 - root - INFO - [chat.py:497] - Loading vector store for hospital 132 and user default -2025-06-06 20:19:02,888 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:02,893 - root - INFO - [chat.py:497] - Loading vector store for hospital 136 and user default -2025-06-06 20:19:02,896 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,161 - root - INFO - [chat.py:497] - Loading vector store for hospital 137 and user default -2025-06-06 20:19:03,163 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,168 - root - INFO - [chat.py:497] - Loading vector store for hospital 141 and user default -2025-06-06 20:19:03,171 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,176 - root - INFO - [chat.py:497] - Loading vector store for hospital 142 and user default -2025-06-06 20:19:03,179 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,184 - root - INFO - [chat.py:497] - Loading vector store for hospital 145 and user default -2025-06-06 20:19:03,187 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,192 - root - INFO - [chat.py:497] - Loading vector store for hospital 146 and user default -2025-06-06 20:19:03,194 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,199 - root - INFO - [chat.py:497] - Loading vector store for hospital 148 and user default -2025-06-06 20:19:03,201 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,206 - root - INFO - [chat.py:497] - Loading vector store for hospital 177 and user default -2025-06-06 20:19:03,209 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,214 - root - INFO - [chat.py:497] - Loading vector store for hospital 178 and user default -2025-06-06 20:19:03,216 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,221 - root - INFO - [chat.py:497] - Loading vector store for hospital 186 and user default -2025-06-06 20:19:03,224 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,228 - root - INFO - [chat.py:497] - Loading vector store for hospital 187 and user default -2025-06-06 20:19:03,231 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,236 - root - INFO - [chat.py:497] - Loading vector store for hospital 191 and user default -2025-06-06 20:19:03,238 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,243 - root - INFO - [chat.py:497] - Loading vector store for hospital 192 and user default -2025-06-06 20:19:03,246 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,251 - root - INFO - [chat.py:497] - Loading vector store for hospital 200 and user default -2025-06-06 20:19:03,253 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,258 - root - INFO - [chat.py:497] - Loading vector store for hospital 45 and user default -2025-06-06 20:19:03,261 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,266 - root - INFO - [chat.py:497] - Loading vector store for hospital 63 and user default -2025-06-06 20:19:03,268 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,274 - root - INFO - [chat.py:497] - Loading vector store for hospital 93 and user default -2025-06-06 20:19:03,276 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,281 - root - INFO - [chat.py:497] - Loading vector store for hospital 98 and user default -2025-06-06 20:19:03,284 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,290 - root - INFO - [chat.py:497] - Loading vector store for hospital 102 and user default -2025-06-06 20:19:03,292 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,297 - root - INFO - [chat.py:497] - Loading vector store for hospital 104 and user default -2025-06-06 20:19:03,300 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,305 - root - INFO - [chat.py:497] - Loading vector store for hospital 228 and user default -2025-06-06 20:19:03,307 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,312 - root - INFO - [chat.py:497] - Loading vector store for hospital 109 and user default -2025-06-06 20:19:03,315 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,320 - root - INFO - [chat.py:497] - Loading vector store for hospital 222 and user default -2025-06-06 20:19:03,322 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,327 - root - INFO - [chat.py:497] - Loading vector store for hospital 149 and user default -2025-06-06 20:19:03,330 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,336 - root - INFO - [chat.py:497] - Loading vector store for hospital 150 and user default -2025-06-06 20:19:03,338 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,343 - root - INFO - [chat.py:497] - Loading vector store for hospital 151 and user default -2025-06-06 20:19:03,346 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,351 - root - INFO - [chat.py:497] - Loading vector store for hospital 152 and user default -2025-06-06 20:19:03,353 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,358 - root - INFO - [chat.py:497] - Loading vector store for hospital 153 and user default -2025-06-06 20:19:03,361 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,365 - root - INFO - [chat.py:497] - Loading vector store for hospital 154 and user default -2025-06-06 20:19:03,368 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,373 - root - INFO - [chat.py:497] - Loading vector store for hospital 155 and user default -2025-06-06 20:19:03,376 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,381 - root - INFO - [chat.py:497] - Loading vector store for hospital 157 and user default -2025-06-06 20:19:03,383 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,388 - root - INFO - [chat.py:497] - Loading vector store for hospital 158 and user default -2025-06-06 20:19:03,391 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,395 - root - INFO - [chat.py:497] - Loading vector store for hospital 160 and user default -2025-06-06 20:19:03,398 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,403 - root - INFO - [chat.py:497] - Loading vector store for hospital 162 and user default -2025-06-06 20:19:03,405 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,410 - root - INFO - [chat.py:497] - Loading vector store for hospital 163 and user default -2025-06-06 20:19:03,413 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,417 - root - INFO - [chat.py:497] - Loading vector store for hospital 166 and user default -2025-06-06 20:19:03,420 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,425 - root - INFO - [chat.py:497] - Loading vector store for hospital 167 and user default -2025-06-06 20:19:03,428 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,432 - root - INFO - [chat.py:497] - Loading vector store for hospital 168 and user default -2025-06-06 20:19:03,435 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,440 - root - INFO - [chat.py:497] - Loading vector store for hospital 169 and user default -2025-06-06 20:19:03,442 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,447 - root - INFO - [chat.py:497] - Loading vector store for hospital 170 and user default -2025-06-06 20:19:03,449 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,454 - root - INFO - [chat.py:497] - Loading vector store for hospital 172 and user default -2025-06-06 20:19:03,457 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,462 - root - INFO - [chat.py:497] - Loading vector store for hospital 173 and user default -2025-06-06 20:19:03,464 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,469 - root - INFO - [chat.py:497] - Loading vector store for hospital 181 and user default -2025-06-06 20:19:03,472 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,482 - root - INFO - [chat.py:497] - Loading vector store for hospital 182 and user default -2025-06-06 20:19:03,485 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,490 - root - INFO - [chat.py:497] - Loading vector store for hospital 183 and user default -2025-06-06 20:19:03,492 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,497 - root - INFO - [chat.py:497] - Loading vector store for hospital 184 and user default -2025-06-06 20:19:03,500 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,505 - root - INFO - [chat.py:497] - Loading vector store for hospital 194 and user default -2025-06-06 20:19:03,507 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,512 - root - INFO - [chat.py:497] - Loading vector store for hospital 195 and user default -2025-06-06 20:19:03,515 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,521 - root - INFO - [chat.py:497] - Loading vector store for hospital 196 and user default -2025-06-06 20:19:03,524 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,528 - root - INFO - [chat.py:497] - Loading vector store for hospital 197 and user default -2025-06-06 20:19:03,531 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,536 - root - INFO - [chat.py:497] - Loading vector store for hospital 198 and user default -2025-06-06 20:19:03,538 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,543 - root - INFO - [chat.py:497] - Loading vector store for hospital 199 and user default -2025-06-06 20:19:03,545 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,551 - root - INFO - [chat.py:497] - Loading vector store for hospital 201 and user default -2025-06-06 20:19:03,553 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,558 - root - INFO - [chat.py:497] - Loading vector store for hospital 202 and user default -2025-06-06 20:19:03,560 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,565 - root - INFO - [chat.py:497] - Loading vector store for hospital 203 and user default -2025-06-06 20:19:03,568 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,572 - root - INFO - [chat.py:497] - Loading vector store for hospital 204 and user default -2025-06-06 20:19:03,575 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,580 - root - INFO - [chat.py:497] - Loading vector store for hospital 206 and user default -2025-06-06 20:19:03,583 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,588 - root - INFO - [chat.py:497] - Loading vector store for hospital 207 and user default -2025-06-06 20:19:03,590 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,595 - root - INFO - [chat.py:497] - Loading vector store for hospital 209 and user default -2025-06-06 20:19:03,598 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,603 - root - INFO - [chat.py:497] - Loading vector store for hospital 210 and user default -2025-06-06 20:19:03,605 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,611 - root - INFO - [chat.py:497] - Loading vector store for hospital 212 and user default -2025-06-06 20:19:03,614 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,619 - root - INFO - [chat.py:497] - Loading vector store for hospital 213 and user default -2025-06-06 20:19:03,621 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,626 - root - INFO - [chat.py:497] - Loading vector store for hospital 224 and user default -2025-06-06 20:19:03,629 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,634 - root - INFO - [chat.py:497] - Loading vector store for hospital 225 and user default -2025-06-06 20:19:03,637 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-06 20:19:03,642 - root - INFO - [chat.py:2157] - Vector stores loaded successfully -2025-06-06 20:19:03,642 - root - INFO - [chat.py:2160] - Starting Flask application on port 5000 -2025-06-06 20:19:03,646 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-06 20:19:03,649 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-06 20:30:35,675 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:30:35,676 - root - INFO - [chat.py:1938] - Received question from user default: seven sisters of india -2025-06-06 20:30:35,677 - root - INFO - [chat.py:1939] - Received hospital code: 79N8XEGLAMRW -2025-06-06 20:30:35,677 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-06 20:30:35,683 - root - INFO - [chat.py:1948] - Resolved hospital ID: 16 -2025-06-06 20:30:35,707 - root - INFO - [chat.py:745] - Key words: ['seven', 'sisters', 'india'] -2025-06-06 20:30:35,707 - root - INFO - [chat.py:752] - Matches: 0 out of 3 keywords -2025-06-06 20:30:35,707 - root - INFO - [chat.py:755] - Match ratio: 0.0 -2025-06-06 20:30:35,707 - root - INFO - [chat.py:1568] - General knowledge question detected -2025-06-06 20:30:35,707 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 0.032s - IP: 127.0.0.1 -2025-06-06 20:30:35,710 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:30:35] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-06 20:36:09,060 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:36:09,061 - root - INFO - [chat.py:1938] - Received question from user default: capital city of india -2025-06-06 20:36:09,061 - root - INFO - [chat.py:1939] - Received hospital code: 79N8XEGLAMRW -2025-06-06 20:36:09,061 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-06 20:36:09,066 - root - INFO - [chat.py:1948] - Resolved hospital ID: 16 -2025-06-06 20:36:09,073 - root - INFO - [chat.py:745] - Key words: ['capital', 'city', 'india'] -2025-06-06 20:36:09,073 - root - INFO - [chat.py:752] - Matches: 0 out of 3 keywords -2025-06-06 20:36:09,073 - root - INFO - [chat.py:755] - Match ratio: 0.0 -2025-06-06 20:36:09,074 - root - INFO - [chat.py:1568] - General knowledge question detected -2025-06-06 20:36:09,074 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 0.014s - IP: 127.0.0.1 -2025-06-06 20:36:09,075 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:36:09] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-06 20:38:19,169 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-06 20:38:19,170 - root - INFO - [chat.py:1938] - Received question from user default: capital city of india -2025-06-06 20:38:19,170 - root - INFO - [chat.py:1939] - Received hospital code: 79N8XEGLAMRW -2025-06-06 20:38:19,170 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-06 20:38:19,175 - root - INFO - [chat.py:1948] - Resolved hospital ID: 16 -2025-06-06 20:38:19,179 - root - INFO - [chat.py:745] - Key words: ['capital', 'city', 'india'] -2025-06-06 20:38:19,179 - root - INFO - [chat.py:752] - Matches: 0 out of 3 keywords -2025-06-06 20:38:19,179 - root - INFO - [chat.py:755] - Match ratio: 0.0 -2025-06-06 20:38:19,179 - root - INFO - [chat.py:1568] - General knowledge question detected -2025-06-06 20:38:19,180 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 0.011s - IP: 127.0.0.1 -2025-06-06 20:38:19,180 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [06/Jun/2025 20:38:19] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 14:19:38,534 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-07 14:19:38,603 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 228, doc_id 422 -2025-06-07 14:19:38,612 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-07 14:19:38,618 - root - INFO - [chat.py:1858] - Starting processing of document 422 -2025-06-07 14:19:38,625 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-07 14:19:38,812 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 59 0 (offset 0) -2025-06-07 14:19:39,144 - root - INFO - [chat.py:380] - Successfully saved 1 unique ICD codes to JSON for hospital 228 -2025-06-07 14:19:39,144 - root - INFO - [chat.py:380] - Successfully saved 2 unique ICD codes to JSON for hospital 228 -2025-06-07 14:19:39,145 - root - INFO - [chat.py:380] - Successfully saved 3 unique ICD codes to JSON for hospital 228 -2025-06-07 14:19:39,146 - root - INFO - [chat.py:380] - Successfully saved 3 unique ICD codes to JSON for hospital 228 -2025-06-07 14:19:39,146 - root - INFO - [chat.py:380] - Successfully saved 4 unique ICD codes to JSON for hospital 228 -2025-06-07 14:19:39,147 - root - INFO - [chat.py:380] - Successfully saved 4 unique ICD codes to JSON for hospital 228 -2025-06-07 14:19:39,147 - root - INFO - [chat.py:380] - Successfully saved 5 unique ICD codes to JSON for hospital 228 -2025-06-07 14:19:39,148 - root - INFO - [chat.py:380] - Successfully saved 5 unique ICD codes to JSON for hospital 228 -2025-06-07 14:19:39,149 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-07 14:19:39,446 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-07 14:19:39,449 - root - INFO - [chat.py:572] - Processing 14 pages for document 422 -2025-06-07 14:19:40,804 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:19:42,111 - root - INFO - [chat.py:646] - Saving 13 ICD codes -2025-06-07 14:19:42,112 - root - INFO - [chat.py:650] - Successfully indexed document 422 -2025-06-07 14:19:42,113 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-07 14:19:42,216 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 3.681s - IP: 127.0.0.1 -2025-06-07 14:19:42,217 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 14:19:42] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-07 14:20:17,322 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-07 14:20:17,323 - root - INFO - [chat.py:1938] - Received question from user default: do you know oxygen concentrators -2025-06-07 14:20:17,323 - root - INFO - [chat.py:1939] - Received hospital code: MUFLPX5NU89E -2025-06-07 14:20:17,323 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-07 14:20:17,328 - root - INFO - [chat.py:1948] - Resolved hospital ID: 228 -2025-06-07 14:20:20,436 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:20:20,474 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_228:do you know oxygen concentrators -2025-06-07 14:20:20,476 - root - INFO - [chat.py:745] - Key words: ['know', 'oxygen', 'concentrators'] -2025-06-07 14:20:20,476 - root - INFO - [chat.py:752] - Matches: 3 out of 3 keywords -2025-06-07 14:20:20,476 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-07 14:20:23,292 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 14:20:23,300 - root - INFO - [chat.py:1626] - Generated RAG answer for question: do you know oxygen concentrators -2025-06-07 14:20:23,301 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:228:1 -2025-06-07 14:20:23,302 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 5.980s - IP: 127.0.0.1 -2025-06-07 14:20:23,303 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 14:20:23] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 14:20:56,473 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-07 14:20:56,474 - root - INFO - [chat.py:1938] - Received question from user default: what do you know about covid19 -2025-06-07 14:20:56,474 - root - INFO - [chat.py:1939] - Received hospital code: MUFLPX5NU89E -2025-06-07 14:20:56,474 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-07 14:20:56,478 - root - INFO - [chat.py:1948] - Resolved hospital ID: 228 -2025-06-07 14:20:57,111 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:20:57,124 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_228:what do you know about covid19 -2025-06-07 14:20:57,125 - root - INFO - [chat.py:1554] - Follow-up analysis enhanced: -2025-06-07 14:20:57,125 - root - INFO - [chat.py:1555] - - Referential words: False -2025-06-07 14:20:57,126 - root - INFO - [chat.py:1556] - - Term similarity: 0.02 -2025-06-07 14:20:57,126 - root - INFO - [chat.py:1557] - - Entity attribute question: True -2025-06-07 14:20:57,126 - root - INFO - [chat.py:1558] - - Last entities found: set() -2025-06-07 14:20:57,126 - root - INFO - [chat.py:1559] - - Is follow-up: False -2025-06-07 14:20:57,126 - root - INFO - [chat.py:745] - Key words: ['know', 'covid19'] -2025-06-07 14:20:57,126 - root - INFO - [chat.py:752] - Matches: 1 out of 2 keywords -2025-06-07 14:20:57,127 - root - INFO - [chat.py:755] - Match ratio: 0.5 -2025-06-07 14:21:00,123 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 14:21:00,127 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what do you know about covid19 -2025-06-07 14:21:00,128 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:228:1 -2025-06-07 14:21:00,129 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 3.656s - IP: 127.0.0.1 -2025-06-07 14:21:00,129 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 14:21:00] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 14:21:23,752 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-07 14:21:23,753 - root - INFO - [chat.py:1938] - Received question from user default: what do you know about photosynthesis -2025-06-07 14:21:23,753 - root - INFO - [chat.py:1939] - Received hospital code: MUFLPX5NU89E -2025-06-07 14:21:23,753 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-07 14:21:23,757 - root - INFO - [chat.py:1948] - Resolved hospital ID: 228 -2025-06-07 14:21:24,309 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:21:24,322 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_228:what do you know about photosynthesis -2025-06-07 14:21:24,322 - root - INFO - [chat.py:1554] - Follow-up analysis enhanced: -2025-06-07 14:21:24,323 - root - INFO - [chat.py:1555] - - Referential words: False -2025-06-07 14:21:24,323 - root - INFO - [chat.py:1556] - - Term similarity: 0.01 -2025-06-07 14:21:24,323 - root - INFO - [chat.py:1557] - - Entity attribute question: True -2025-06-07 14:21:24,323 - root - INFO - [chat.py:1558] - - Last entities found: set() -2025-06-07 14:21:24,323 - root - INFO - [chat.py:1559] - - Is follow-up: False -2025-06-07 14:21:24,323 - root - INFO - [chat.py:745] - Key words: ['know', 'photosynthesis'] -2025-06-07 14:21:24,324 - root - INFO - [chat.py:752] - Matches: 1 out of 2 keywords -2025-06-07 14:21:24,324 - root - INFO - [chat.py:755] - Match ratio: 0.5 -2025-06-07 14:21:28,206 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 14:21:28,208 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what do you know about photosynthesis -2025-06-07 14:21:28,208 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:228:1 -2025-06-07 14:21:28,209 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 4.457s - IP: 127.0.0.1 -2025-06-07 14:21:28,210 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 14:21:28] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 14:22:08,096 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-07 14:22:08,098 - root - INFO - [chat.py:1938] - Received question from user default: can you tell me something about solar eclipse -2025-06-07 14:22:08,099 - root - INFO - [chat.py:1939] - Received hospital code: MUFLPX5NU89E -2025-06-07 14:22:08,099 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-07 14:22:08,106 - root - INFO - [chat.py:1948] - Resolved hospital ID: 228 -2025-06-07 14:22:08,690 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:22:08,708 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_228:can you tell me something about solar eclipse -2025-06-07 14:22:08,708 - root - INFO - [chat.py:1554] - Follow-up analysis enhanced: -2025-06-07 14:22:08,708 - root - INFO - [chat.py:1555] - - Referential words: False -2025-06-07 14:22:08,708 - root - INFO - [chat.py:1556] - - Term similarity: 0.01 -2025-06-07 14:22:08,708 - root - INFO - [chat.py:1557] - - Entity attribute question: True -2025-06-07 14:22:08,708 - root - INFO - [chat.py:1558] - - Last entities found: set() -2025-06-07 14:22:08,709 - root - INFO - [chat.py:1559] - - Is follow-up: False -2025-06-07 14:22:08,709 - root - INFO - [chat.py:745] - Key words: ['something', 'solar', 'eclipse'] -2025-06-07 14:22:08,709 - root - INFO - [chat.py:752] - Matches: 1 out of 3 keywords -2025-06-07 14:22:08,709 - root - INFO - [chat.py:755] - Match ratio: 0.3333333333333333 -2025-06-07 14:22:08,709 - root - INFO - [chat.py:1568] - General knowledge question detected -2025-06-07 14:22:08,709 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 0.613s - IP: 127.0.0.1 -2025-06-07 14:22:08,710 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 14:22:08] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 14:22:28,281 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-07 14:22:28,300 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 228, doc_id 423 -2025-06-07 14:22:28,314 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-07 14:22:28,316 - root - INFO - [chat.py:1858] - Starting processing of document 423 -2025-06-07 14:22:28,367 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-07 14:23:32,606 - root - INFO - [chat.py:380] - Successfully saved 32 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,607 - root - INFO - [chat.py:380] - Successfully saved 61 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,608 - root - INFO - [chat.py:380] - Successfully saved 90 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,609 - root - INFO - [chat.py:380] - Successfully saved 119 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,610 - root - INFO - [chat.py:380] - Successfully saved 148 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,611 - root - INFO - [chat.py:380] - Successfully saved 177 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,613 - root - INFO - [chat.py:380] - Successfully saved 206 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,615 - root - INFO - [chat.py:380] - Successfully saved 235 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,616 - root - INFO - [chat.py:380] - Successfully saved 264 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,618 - root - INFO - [chat.py:380] - Successfully saved 293 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,620 - root - INFO - [chat.py:380] - Successfully saved 322 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,622 - root - INFO - [chat.py:380] - Successfully saved 351 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,626 - root - INFO - [chat.py:380] - Successfully saved 380 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,630 - root - INFO - [chat.py:380] - Successfully saved 409 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,632 - root - INFO - [chat.py:380] - Successfully saved 438 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,635 - root - INFO - [chat.py:380] - Successfully saved 467 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,637 - root - INFO - [chat.py:380] - Successfully saved 496 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,640 - root - INFO - [chat.py:380] - Successfully saved 525 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,643 - root - INFO - [chat.py:380] - Successfully saved 554 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,646 - root - INFO - [chat.py:380] - Successfully saved 583 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,650 - root - INFO - [chat.py:380] - Successfully saved 612 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,657 - root - INFO - [chat.py:380] - Successfully saved 641 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,661 - root - INFO - [chat.py:380] - Successfully saved 670 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,664 - root - INFO - [chat.py:380] - Successfully saved 699 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,668 - root - INFO - [chat.py:380] - Successfully saved 728 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,672 - root - INFO - [chat.py:380] - Successfully saved 757 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,677 - root - INFO - [chat.py:380] - Successfully saved 786 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,682 - root - INFO - [chat.py:380] - Successfully saved 815 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,687 - root - INFO - [chat.py:380] - Successfully saved 844 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,692 - root - INFO - [chat.py:380] - Successfully saved 873 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,697 - root - INFO - [chat.py:380] - Successfully saved 902 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,703 - root - INFO - [chat.py:380] - Successfully saved 931 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,708 - root - INFO - [chat.py:380] - Successfully saved 960 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,715 - root - INFO - [chat.py:380] - Successfully saved 989 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,722 - root - INFO - [chat.py:380] - Successfully saved 1018 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,730 - root - INFO - [chat.py:380] - Successfully saved 1043 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,736 - root - INFO - [chat.py:380] - Successfully saved 1072 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,743 - root - INFO - [chat.py:380] - Successfully saved 1101 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,750 - root - INFO - [chat.py:380] - Successfully saved 1130 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,757 - root - INFO - [chat.py:380] - Successfully saved 1159 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,763 - root - INFO - [chat.py:380] - Successfully saved 1188 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,771 - root - INFO - [chat.py:380] - Successfully saved 1217 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,779 - root - INFO - [chat.py:380] - Successfully saved 1246 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,785 - root - INFO - [chat.py:380] - Successfully saved 1275 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,795 - root - INFO - [chat.py:380] - Successfully saved 1304 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,802 - root - INFO - [chat.py:380] - Successfully saved 1333 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,816 - root - INFO - [chat.py:380] - Successfully saved 1362 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,824 - root - INFO - [chat.py:380] - Successfully saved 1391 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,832 - root - INFO - [chat.py:380] - Successfully saved 1420 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,840 - root - INFO - [chat.py:380] - Successfully saved 1449 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,849 - root - INFO - [chat.py:380] - Successfully saved 1478 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,856 - root - INFO - [chat.py:380] - Successfully saved 1507 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,863 - root - INFO - [chat.py:380] - Successfully saved 1536 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,871 - root - INFO - [chat.py:380] - Successfully saved 1565 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,878 - root - INFO - [chat.py:380] - Successfully saved 1594 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,886 - root - INFO - [chat.py:380] - Successfully saved 1623 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,894 - root - INFO - [chat.py:380] - Successfully saved 1652 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,902 - root - INFO - [chat.py:380] - Successfully saved 1681 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,911 - root - INFO - [chat.py:380] - Successfully saved 1710 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,921 - root - INFO - [chat.py:380] - Successfully saved 1739 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,930 - root - INFO - [chat.py:380] - Successfully saved 1767 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,939 - root - INFO - [chat.py:380] - Successfully saved 1796 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,947 - root - INFO - [chat.py:380] - Successfully saved 1825 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,960 - root - INFO - [chat.py:380] - Successfully saved 1854 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,969 - root - INFO - [chat.py:380] - Successfully saved 1883 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,978 - root - INFO - [chat.py:380] - Successfully saved 1912 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:32,991 - root - INFO - [chat.py:380] - Successfully saved 1941 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,002 - root - INFO - [chat.py:380] - Successfully saved 1970 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,014 - root - INFO - [chat.py:380] - Successfully saved 1999 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,026 - root - INFO - [chat.py:380] - Successfully saved 2028 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,036 - root - INFO - [chat.py:380] - Successfully saved 2057 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,052 - root - INFO - [chat.py:380] - Successfully saved 2086 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,067 - root - INFO - [chat.py:380] - Successfully saved 2114 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,077 - root - INFO - [chat.py:380] - Successfully saved 2143 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,088 - root - INFO - [chat.py:380] - Successfully saved 2172 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,098 - root - INFO - [chat.py:380] - Successfully saved 2201 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,108 - root - INFO - [chat.py:380] - Successfully saved 2230 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,119 - root - INFO - [chat.py:380] - Successfully saved 2259 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,129 - root - INFO - [chat.py:380] - Successfully saved 2288 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,140 - root - INFO - [chat.py:380] - Successfully saved 2317 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,151 - root - INFO - [chat.py:380] - Successfully saved 2346 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,162 - root - INFO - [chat.py:380] - Successfully saved 2375 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,172 - root - INFO - [chat.py:380] - Successfully saved 2404 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,183 - root - INFO - [chat.py:380] - Successfully saved 2432 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,194 - root - INFO - [chat.py:380] - Successfully saved 2461 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,206 - root - INFO - [chat.py:380] - Successfully saved 2490 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,218 - root - INFO - [chat.py:380] - Successfully saved 2519 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,229 - root - INFO - [chat.py:380] - Successfully saved 2547 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,242 - root - INFO - [chat.py:380] - Successfully saved 2574 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,254 - root - INFO - [chat.py:380] - Successfully saved 2603 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,266 - root - INFO - [chat.py:380] - Successfully saved 2632 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,280 - root - INFO - [chat.py:380] - Successfully saved 2661 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,294 - root - INFO - [chat.py:380] - Successfully saved 2690 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,307 - root - INFO - [chat.py:380] - Successfully saved 2719 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,321 - root - INFO - [chat.py:380] - Successfully saved 2748 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,335 - root - INFO - [chat.py:380] - Successfully saved 2777 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,349 - root - INFO - [chat.py:380] - Successfully saved 2806 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,362 - root - INFO - [chat.py:380] - Successfully saved 2835 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,375 - root - INFO - [chat.py:380] - Successfully saved 2863 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,388 - root - INFO - [chat.py:380] - Successfully saved 2892 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,401 - root - INFO - [chat.py:380] - Successfully saved 2920 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,415 - root - INFO - [chat.py:380] - Successfully saved 2949 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,429 - root - INFO - [chat.py:380] - Successfully saved 2978 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,443 - root - INFO - [chat.py:380] - Successfully saved 3002 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,457 - root - INFO - [chat.py:380] - Successfully saved 3019 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,471 - root - INFO - [chat.py:380] - Successfully saved 3036 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,485 - root - INFO - [chat.py:380] - Successfully saved 3056 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,503 - root - INFO - [chat.py:380] - Successfully saved 3083 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,518 - root - INFO - [chat.py:380] - Successfully saved 3100 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,534 - root - INFO - [chat.py:380] - Successfully saved 3117 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,550 - root - INFO - [chat.py:380] - Successfully saved 3135 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,566 - root - INFO - [chat.py:380] - Successfully saved 3158 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,583 - root - INFO - [chat.py:380] - Successfully saved 3179 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,603 - root - INFO - [chat.py:380] - Successfully saved 3197 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,623 - root - INFO - [chat.py:380] - Successfully saved 3216 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,638 - root - INFO - [chat.py:380] - Successfully saved 3244 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,653 - root - INFO - [chat.py:380] - Successfully saved 3264 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,668 - root - INFO - [chat.py:380] - Successfully saved 3282 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,687 - root - INFO - [chat.py:380] - Successfully saved 3302 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,703 - root - INFO - [chat.py:380] - Successfully saved 3329 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,720 - root - INFO - [chat.py:380] - Successfully saved 3349 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,736 - root - INFO - [chat.py:380] - Successfully saved 3366 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,751 - root - INFO - [chat.py:380] - Successfully saved 3385 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,767 - root - INFO - [chat.py:380] - Successfully saved 3410 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,783 - root - INFO - [chat.py:380] - Successfully saved 3439 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,801 - root - INFO - [chat.py:380] - Successfully saved 3468 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,817 - root - INFO - [chat.py:380] - Successfully saved 3497 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,834 - root - INFO - [chat.py:380] - Successfully saved 3523 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,850 - root - INFO - [chat.py:380] - Successfully saved 3552 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,866 - root - INFO - [chat.py:380] - Successfully saved 3581 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,883 - root - INFO - [chat.py:380] - Successfully saved 3610 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,899 - root - INFO - [chat.py:380] - Successfully saved 3639 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,917 - root - INFO - [chat.py:380] - Successfully saved 3668 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,934 - root - INFO - [chat.py:380] - Successfully saved 3697 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,951 - root - INFO - [chat.py:380] - Successfully saved 3726 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,969 - root - INFO - [chat.py:380] - Successfully saved 3755 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:33,987 - root - INFO - [chat.py:380] - Successfully saved 3784 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,006 - root - INFO - [chat.py:380] - Successfully saved 3813 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,025 - root - INFO - [chat.py:380] - Successfully saved 3838 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,044 - root - INFO - [chat.py:380] - Successfully saved 3866 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,063 - root - INFO - [chat.py:380] - Successfully saved 3895 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,081 - root - INFO - [chat.py:380] - Successfully saved 3924 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,099 - root - INFO - [chat.py:380] - Successfully saved 3953 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,117 - root - INFO - [chat.py:380] - Successfully saved 3982 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,135 - root - INFO - [chat.py:380] - Successfully saved 4005 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,155 - root - INFO - [chat.py:380] - Successfully saved 4027 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,174 - root - INFO - [chat.py:380] - Successfully saved 4049 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,192 - root - INFO - [chat.py:380] - Successfully saved 4078 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,211 - root - INFO - [chat.py:380] - Successfully saved 4107 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,230 - root - INFO - [chat.py:380] - Successfully saved 4136 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,249 - root - INFO - [chat.py:380] - Successfully saved 4165 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,269 - root - INFO - [chat.py:380] - Successfully saved 4194 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,288 - root - INFO - [chat.py:380] - Successfully saved 4223 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,308 - root - INFO - [chat.py:380] - Successfully saved 4249 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,329 - root - INFO - [chat.py:380] - Successfully saved 4271 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,348 - root - INFO - [chat.py:380] - Successfully saved 4294 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,368 - root - INFO - [chat.py:380] - Successfully saved 4323 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,388 - root - INFO - [chat.py:380] - Successfully saved 4352 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,408 - root - INFO - [chat.py:380] - Successfully saved 4381 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,429 - root - INFO - [chat.py:380] - Successfully saved 4410 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,449 - root - INFO - [chat.py:380] - Successfully saved 4439 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,474 - root - INFO - [chat.py:380] - Successfully saved 4468 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,495 - root - INFO - [chat.py:380] - Successfully saved 4497 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,516 - root - INFO - [chat.py:380] - Successfully saved 4526 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,537 - root - INFO - [chat.py:380] - Successfully saved 4555 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,558 - root - INFO - [chat.py:380] - Successfully saved 4582 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,579 - root - INFO - [chat.py:380] - Successfully saved 4611 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,600 - root - INFO - [chat.py:380] - Successfully saved 4639 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,623 - root - INFO - [chat.py:380] - Successfully saved 4668 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,644 - root - INFO - [chat.py:380] - Successfully saved 4697 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,666 - root - INFO - [chat.py:380] - Successfully saved 4717 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,688 - root - INFO - [chat.py:380] - Successfully saved 4746 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,711 - root - INFO - [chat.py:380] - Successfully saved 4774 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,739 - root - INFO - [chat.py:380] - Successfully saved 4802 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,764 - root - INFO - [chat.py:380] - Successfully saved 4829 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,789 - root - INFO - [chat.py:380] - Successfully saved 4858 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,813 - root - INFO - [chat.py:380] - Successfully saved 4887 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,837 - root - INFO - [chat.py:380] - Successfully saved 4916 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,861 - root - INFO - [chat.py:380] - Successfully saved 4945 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,883 - root - INFO - [chat.py:380] - Successfully saved 4974 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,909 - root - INFO - [chat.py:380] - Successfully saved 5003 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,932 - root - INFO - [chat.py:380] - Successfully saved 5032 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,956 - root - INFO - [chat.py:380] - Successfully saved 5061 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:34,983 - root - INFO - [chat.py:380] - Successfully saved 5090 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,008 - root - INFO - [chat.py:380] - Successfully saved 5119 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,055 - root - INFO - [chat.py:380] - Successfully saved 5148 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,090 - root - INFO - [chat.py:380] - Successfully saved 5174 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,117 - root - INFO - [chat.py:380] - Successfully saved 5201 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,142 - root - INFO - [chat.py:380] - Successfully saved 5230 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,166 - root - INFO - [chat.py:380] - Successfully saved 5259 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,192 - root - INFO - [chat.py:380] - Successfully saved 5288 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,216 - root - INFO - [chat.py:380] - Successfully saved 5317 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,241 - root - INFO - [chat.py:380] - Successfully saved 5346 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,269 - root - INFO - [chat.py:380] - Successfully saved 5375 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,293 - root - INFO - [chat.py:380] - Successfully saved 5404 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,320 - root - INFO - [chat.py:380] - Successfully saved 5433 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,346 - root - INFO - [chat.py:380] - Successfully saved 5462 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,371 - root - INFO - [chat.py:380] - Successfully saved 5491 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,396 - root - INFO - [chat.py:380] - Successfully saved 5520 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,421 - root - INFO - [chat.py:380] - Successfully saved 5549 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,447 - root - INFO - [chat.py:380] - Successfully saved 5578 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,473 - root - INFO - [chat.py:380] - Successfully saved 5607 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,499 - root - INFO - [chat.py:380] - Successfully saved 5636 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,525 - root - INFO - [chat.py:380] - Successfully saved 5665 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,550 - root - INFO - [chat.py:380] - Successfully saved 5694 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,575 - root - INFO - [chat.py:380] - Successfully saved 5723 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,602 - root - INFO - [chat.py:380] - Successfully saved 5752 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,628 - root - INFO - [chat.py:380] - Successfully saved 5781 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,654 - root - INFO - [chat.py:380] - Successfully saved 5810 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,680 - root - INFO - [chat.py:380] - Successfully saved 5839 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,706 - root - INFO - [chat.py:380] - Successfully saved 5868 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,733 - root - INFO - [chat.py:380] - Successfully saved 5897 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,761 - root - INFO - [chat.py:380] - Successfully saved 5926 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,789 - root - INFO - [chat.py:380] - Successfully saved 5955 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,816 - root - INFO - [chat.py:380] - Successfully saved 5984 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,843 - root - INFO - [chat.py:380] - Successfully saved 6013 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,873 - root - INFO - [chat.py:380] - Successfully saved 6042 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,900 - root - INFO - [chat.py:380] - Successfully saved 6071 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,928 - root - INFO - [chat.py:380] - Successfully saved 6100 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,956 - root - INFO - [chat.py:380] - Successfully saved 6129 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:35,985 - root - INFO - [chat.py:380] - Successfully saved 6158 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,014 - root - INFO - [chat.py:380] - Successfully saved 6187 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,044 - root - INFO - [chat.py:380] - Successfully saved 6216 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,073 - root - INFO - [chat.py:380] - Successfully saved 6245 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,103 - root - INFO - [chat.py:380] - Successfully saved 6274 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,131 - root - INFO - [chat.py:380] - Successfully saved 6303 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,159 - root - INFO - [chat.py:380] - Successfully saved 6332 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,188 - root - INFO - [chat.py:380] - Successfully saved 6361 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,216 - root - INFO - [chat.py:380] - Successfully saved 6390 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,245 - root - INFO - [chat.py:380] - Successfully saved 6419 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,276 - root - INFO - [chat.py:380] - Successfully saved 6448 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,309 - root - INFO - [chat.py:380] - Successfully saved 6477 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,344 - root - INFO - [chat.py:380] - Successfully saved 6506 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,381 - root - INFO - [chat.py:380] - Successfully saved 6535 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,421 - root - INFO - [chat.py:380] - Successfully saved 6564 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,455 - root - INFO - [chat.py:380] - Successfully saved 6593 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,493 - root - INFO - [chat.py:380] - Successfully saved 6622 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,530 - root - INFO - [chat.py:380] - Successfully saved 6651 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,566 - root - INFO - [chat.py:380] - Successfully saved 6680 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,604 - root - INFO - [chat.py:380] - Successfully saved 6709 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,635 - root - INFO - [chat.py:380] - Successfully saved 6738 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,665 - root - INFO - [chat.py:380] - Successfully saved 6767 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,699 - root - INFO - [chat.py:380] - Successfully saved 6789 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,730 - root - INFO - [chat.py:380] - Successfully saved 6814 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,761 - root - INFO - [chat.py:380] - Successfully saved 6843 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,792 - root - INFO - [chat.py:380] - Successfully saved 6872 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,826 - root - INFO - [chat.py:380] - Successfully saved 6901 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,858 - root - INFO - [chat.py:380] - Successfully saved 6930 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,889 - root - INFO - [chat.py:380] - Successfully saved 6959 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,924 - root - INFO - [chat.py:380] - Successfully saved 6988 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:36,956 - root - INFO - [chat.py:380] - Successfully saved 7017 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,010 - root - INFO - [chat.py:380] - Successfully saved 7046 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,042 - root - INFO - [chat.py:380] - Successfully saved 7075 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,075 - root - INFO - [chat.py:380] - Successfully saved 7104 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,109 - root - INFO - [chat.py:380] - Successfully saved 7133 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,142 - root - INFO - [chat.py:380] - Successfully saved 7162 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,174 - root - INFO - [chat.py:380] - Successfully saved 7191 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,206 - root - INFO - [chat.py:380] - Successfully saved 7220 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,239 - root - INFO - [chat.py:380] - Successfully saved 7249 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,272 - root - INFO - [chat.py:380] - Successfully saved 7278 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,306 - root - INFO - [chat.py:380] - Successfully saved 7307 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,339 - root - INFO - [chat.py:380] - Successfully saved 7336 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,374 - root - INFO - [chat.py:380] - Successfully saved 7365 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,408 - root - INFO - [chat.py:380] - Successfully saved 7394 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,443 - root - INFO - [chat.py:380] - Successfully saved 7423 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,481 - root - INFO - [chat.py:380] - Successfully saved 7452 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,516 - root - INFO - [chat.py:380] - Successfully saved 7481 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,551 - root - INFO - [chat.py:380] - Successfully saved 7510 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,585 - root - INFO - [chat.py:380] - Successfully saved 7539 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,619 - root - INFO - [chat.py:380] - Successfully saved 7568 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,653 - root - INFO - [chat.py:380] - Successfully saved 7597 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,689 - root - INFO - [chat.py:380] - Successfully saved 7626 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,723 - root - INFO - [chat.py:380] - Successfully saved 7654 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,758 - root - INFO - [chat.py:380] - Successfully saved 7676 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,793 - root - INFO - [chat.py:380] - Successfully saved 7705 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,827 - root - INFO - [chat.py:380] - Successfully saved 7734 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,862 - root - INFO - [chat.py:380] - Successfully saved 7763 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,902 - root - INFO - [chat.py:380] - Successfully saved 7792 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,938 - root - INFO - [chat.py:380] - Successfully saved 7821 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:37,976 - root - INFO - [chat.py:380] - Successfully saved 7849 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,013 - root - INFO - [chat.py:380] - Successfully saved 7877 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,049 - root - INFO - [chat.py:380] - Successfully saved 7905 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,085 - root - INFO - [chat.py:380] - Successfully saved 7933 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,120 - root - INFO - [chat.py:380] - Successfully saved 7962 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,157 - root - INFO - [chat.py:380] - Successfully saved 7991 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,193 - root - INFO - [chat.py:380] - Successfully saved 8020 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,230 - root - INFO - [chat.py:380] - Successfully saved 8049 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,267 - root - INFO - [chat.py:380] - Successfully saved 8078 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,303 - root - INFO - [chat.py:380] - Successfully saved 8107 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,340 - root - INFO - [chat.py:380] - Successfully saved 8135 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,376 - root - INFO - [chat.py:380] - Successfully saved 8164 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,413 - root - INFO - [chat.py:380] - Successfully saved 8193 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,450 - root - INFO - [chat.py:380] - Successfully saved 8221 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,492 - root - INFO - [chat.py:380] - Successfully saved 8245 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,529 - root - INFO - [chat.py:380] - Successfully saved 8274 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,566 - root - INFO - [chat.py:380] - Successfully saved 8303 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,606 - root - INFO - [chat.py:380] - Successfully saved 8332 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,644 - root - INFO - [chat.py:380] - Successfully saved 8357 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,682 - root - INFO - [chat.py:380] - Successfully saved 8384 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,719 - root - INFO - [chat.py:380] - Successfully saved 8409 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,756 - root - INFO - [chat.py:380] - Successfully saved 8436 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,794 - root - INFO - [chat.py:380] - Successfully saved 8461 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,832 - root - INFO - [chat.py:380] - Successfully saved 8480 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,870 - root - INFO - [chat.py:380] - Successfully saved 8509 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,911 - root - INFO - [chat.py:380] - Successfully saved 8538 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,949 - root - INFO - [chat.py:380] - Successfully saved 8567 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:38,991 - root - INFO - [chat.py:380] - Successfully saved 8596 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,030 - root - INFO - [chat.py:380] - Successfully saved 8625 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,069 - root - INFO - [chat.py:380] - Successfully saved 8654 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,109 - root - INFO - [chat.py:380] - Successfully saved 8683 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,148 - root - INFO - [chat.py:380] - Successfully saved 8712 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,188 - root - INFO - [chat.py:380] - Successfully saved 8740 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,226 - root - INFO - [chat.py:380] - Successfully saved 8768 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,266 - root - INFO - [chat.py:380] - Successfully saved 8797 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,305 - root - INFO - [chat.py:380] - Successfully saved 8819 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,345 - root - INFO - [chat.py:380] - Successfully saved 8841 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,384 - root - INFO - [chat.py:380] - Successfully saved 8861 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,425 - root - INFO - [chat.py:380] - Successfully saved 8883 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,465 - root - INFO - [chat.py:380] - Successfully saved 8902 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,509 - root - INFO - [chat.py:380] - Successfully saved 8926 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,549 - root - INFO - [chat.py:380] - Successfully saved 8955 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,589 - root - INFO - [chat.py:380] - Successfully saved 8980 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,631 - root - INFO - [chat.py:380] - Successfully saved 9004 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,672 - root - INFO - [chat.py:380] - Successfully saved 9023 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,713 - root - INFO - [chat.py:380] - Successfully saved 9047 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,754 - root - INFO - [chat.py:380] - Successfully saved 9075 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,795 - root - INFO - [chat.py:380] - Successfully saved 9096 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,836 - root - INFO - [chat.py:380] - Successfully saved 9117 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,878 - root - INFO - [chat.py:380] - Successfully saved 9138 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,925 - root - INFO - [chat.py:380] - Successfully saved 9159 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:39,968 - root - INFO - [chat.py:380] - Successfully saved 9177 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,012 - root - INFO - [chat.py:380] - Successfully saved 9196 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,055 - root - INFO - [chat.py:380] - Successfully saved 9218 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,099 - root - INFO - [chat.py:380] - Successfully saved 9242 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,142 - root - INFO - [chat.py:380] - Successfully saved 9264 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,184 - root - INFO - [chat.py:380] - Successfully saved 9290 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,230 - root - INFO - [chat.py:380] - Successfully saved 9319 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,282 - root - INFO - [chat.py:380] - Successfully saved 9348 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,339 - root - INFO - [chat.py:380] - Successfully saved 9377 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,391 - root - INFO - [chat.py:380] - Successfully saved 9406 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,440 - root - INFO - [chat.py:380] - Successfully saved 9434 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,487 - root - INFO - [chat.py:380] - Successfully saved 9461 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,532 - root - INFO - [chat.py:380] - Successfully saved 9489 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,576 - root - INFO - [chat.py:380] - Successfully saved 9518 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,620 - root - INFO - [chat.py:380] - Successfully saved 9547 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,665 - root - INFO - [chat.py:380] - Successfully saved 9572 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,713 - root - INFO - [chat.py:380] - Successfully saved 9601 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,762 - root - INFO - [chat.py:380] - Successfully saved 9628 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,806 - root - INFO - [chat.py:380] - Successfully saved 9656 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,851 - root - INFO - [chat.py:380] - Successfully saved 9676 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,895 - root - INFO - [chat.py:380] - Successfully saved 9703 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:40,939 - root - INFO - [chat.py:380] - Successfully saved 9731 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:41,011 - root - INFO - [chat.py:380] - Successfully saved 9760 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:41,076 - root - INFO - [chat.py:380] - Successfully saved 9789 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:41,125 - root - INFO - [chat.py:380] - Successfully saved 9818 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:41,174 - root - INFO - [chat.py:380] - Successfully saved 9847 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:41,224 - root - INFO - [chat.py:380] - Successfully saved 9876 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:41,275 - root - INFO - [chat.py:380] - Successfully saved 9905 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:41,323 - root - INFO - [chat.py:380] - Successfully saved 9933 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:41,381 - root - INFO - [chat.py:380] - Successfully saved 9962 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:41,436 - root - INFO - [chat.py:380] - Successfully saved 9988 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:41,508 - root - INFO - [chat.py:380] - Successfully saved 10013 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:41,583 - root - INFO - [chat.py:380] - Successfully saved 10042 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:41,636 - root - INFO - [chat.py:380] - Successfully saved 10071 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:42,393 - root - INFO - [chat.py:380] - Successfully saved 10100 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:42,479 - root - INFO - [chat.py:380] - Successfully saved 10129 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:42,534 - root - INFO - [chat.py:380] - Successfully saved 10158 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:42,611 - root - INFO - [chat.py:380] - Successfully saved 10187 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:42,680 - root - INFO - [chat.py:380] - Successfully saved 10216 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:42,728 - root - INFO - [chat.py:380] - Successfully saved 10245 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:42,775 - root - INFO - [chat.py:380] - Successfully saved 10274 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:42,821 - root - INFO - [chat.py:380] - Successfully saved 10303 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:42,869 - root - INFO - [chat.py:380] - Successfully saved 10332 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:42,918 - root - INFO - [chat.py:380] - Successfully saved 10361 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:42,985 - root - INFO - [chat.py:380] - Successfully saved 10390 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,057 - root - INFO - [chat.py:380] - Successfully saved 10419 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,110 - root - INFO - [chat.py:380] - Successfully saved 10448 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,164 - root - INFO - [chat.py:380] - Successfully saved 10477 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,217 - root - INFO - [chat.py:380] - Successfully saved 10506 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,267 - root - INFO - [chat.py:380] - Successfully saved 10535 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,315 - root - INFO - [chat.py:380] - Successfully saved 10564 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,363 - root - INFO - [chat.py:380] - Successfully saved 10593 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,412 - root - INFO - [chat.py:380] - Successfully saved 10622 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,461 - root - INFO - [chat.py:380] - Successfully saved 10651 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,510 - root - INFO - [chat.py:380] - Successfully saved 10680 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,560 - root - INFO - [chat.py:380] - Successfully saved 10709 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,612 - root - INFO - [chat.py:380] - Successfully saved 10738 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,662 - root - INFO - [chat.py:380] - Successfully saved 10764 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,715 - root - INFO - [chat.py:380] - Successfully saved 10791 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,766 - root - INFO - [chat.py:380] - Successfully saved 10820 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,816 - root - INFO - [chat.py:380] - Successfully saved 10849 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,868 - root - INFO - [chat.py:380] - Successfully saved 10878 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,920 - root - INFO - [chat.py:380] - Successfully saved 10907 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:43,973 - root - INFO - [chat.py:380] - Successfully saved 10936 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,026 - root - INFO - [chat.py:380] - Successfully saved 10965 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,079 - root - INFO - [chat.py:380] - Successfully saved 10994 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,132 - root - INFO - [chat.py:380] - Successfully saved 11023 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,185 - root - INFO - [chat.py:380] - Successfully saved 11052 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,239 - root - INFO - [chat.py:380] - Successfully saved 11081 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,293 - root - INFO - [chat.py:380] - Successfully saved 11110 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,348 - root - INFO - [chat.py:380] - Successfully saved 11139 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,402 - root - INFO - [chat.py:380] - Successfully saved 11168 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,455 - root - INFO - [chat.py:380] - Successfully saved 11197 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,510 - root - INFO - [chat.py:380] - Successfully saved 11225 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,563 - root - INFO - [chat.py:380] - Successfully saved 11252 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,617 - root - INFO - [chat.py:380] - Successfully saved 11281 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,673 - root - INFO - [chat.py:380] - Successfully saved 11310 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,729 - root - INFO - [chat.py:380] - Successfully saved 11339 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,783 - root - INFO - [chat.py:380] - Successfully saved 11368 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,838 - root - INFO - [chat.py:380] - Successfully saved 11397 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,892 - root - INFO - [chat.py:380] - Successfully saved 11426 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:44,947 - root - INFO - [chat.py:380] - Successfully saved 11455 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,002 - root - INFO - [chat.py:380] - Successfully saved 11484 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,062 - root - INFO - [chat.py:380] - Successfully saved 11513 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,123 - root - INFO - [chat.py:380] - Successfully saved 11541 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,179 - root - INFO - [chat.py:380] - Successfully saved 11569 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,233 - root - INFO - [chat.py:380] - Successfully saved 11598 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,287 - root - INFO - [chat.py:380] - Successfully saved 11627 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,342 - root - INFO - [chat.py:380] - Successfully saved 11656 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,396 - root - INFO - [chat.py:380] - Successfully saved 11685 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,449 - root - INFO - [chat.py:380] - Successfully saved 11713 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,505 - root - INFO - [chat.py:380] - Successfully saved 11742 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,559 - root - INFO - [chat.py:380] - Successfully saved 11771 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,618 - root - INFO - [chat.py:380] - Successfully saved 11800 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,673 - root - INFO - [chat.py:380] - Successfully saved 11829 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,732 - root - INFO - [chat.py:380] - Successfully saved 11858 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,792 - root - INFO - [chat.py:380] - Successfully saved 11887 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,848 - root - INFO - [chat.py:380] - Successfully saved 11916 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,902 - root - INFO - [chat.py:380] - Successfully saved 11945 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:45,958 - root - INFO - [chat.py:380] - Successfully saved 11974 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,015 - root - INFO - [chat.py:380] - Successfully saved 11995 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,070 - root - INFO - [chat.py:380] - Successfully saved 12017 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,126 - root - INFO - [chat.py:380] - Successfully saved 12046 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,181 - root - INFO - [chat.py:380] - Successfully saved 12075 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,237 - root - INFO - [chat.py:380] - Successfully saved 12104 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,292 - root - INFO - [chat.py:380] - Successfully saved 12133 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,348 - root - INFO - [chat.py:380] - Successfully saved 12162 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,404 - root - INFO - [chat.py:380] - Successfully saved 12191 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,463 - root - INFO - [chat.py:380] - Successfully saved 12220 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,519 - root - INFO - [chat.py:380] - Successfully saved 12249 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,575 - root - INFO - [chat.py:380] - Successfully saved 12278 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,633 - root - INFO - [chat.py:380] - Successfully saved 12307 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,691 - root - INFO - [chat.py:380] - Successfully saved 12336 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,749 - root - INFO - [chat.py:380] - Successfully saved 12365 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,806 - root - INFO - [chat.py:380] - Successfully saved 12394 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,864 - root - INFO - [chat.py:380] - Successfully saved 12423 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,921 - root - INFO - [chat.py:380] - Successfully saved 12452 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:46,978 - root - INFO - [chat.py:380] - Successfully saved 12481 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,042 - root - INFO - [chat.py:380] - Successfully saved 12510 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,101 - root - INFO - [chat.py:380] - Successfully saved 12539 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,163 - root - INFO - [chat.py:380] - Successfully saved 12568 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,223 - root - INFO - [chat.py:380] - Successfully saved 12597 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,282 - root - INFO - [chat.py:380] - Successfully saved 12626 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,342 - root - INFO - [chat.py:380] - Successfully saved 12655 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,399 - root - INFO - [chat.py:380] - Successfully saved 12684 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,458 - root - INFO - [chat.py:380] - Successfully saved 12713 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,517 - root - INFO - [chat.py:380] - Successfully saved 12742 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,575 - root - INFO - [chat.py:380] - Successfully saved 12771 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,634 - root - INFO - [chat.py:380] - Successfully saved 12800 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,694 - root - INFO - [chat.py:380] - Successfully saved 12829 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,755 - root - INFO - [chat.py:380] - Successfully saved 12858 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,815 - root - INFO - [chat.py:380] - Successfully saved 12887 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,878 - root - INFO - [chat.py:380] - Successfully saved 12916 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:47,937 - root - INFO - [chat.py:380] - Successfully saved 12945 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,001 - root - INFO - [chat.py:380] - Successfully saved 12974 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,067 - root - INFO - [chat.py:380] - Successfully saved 13003 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,128 - root - INFO - [chat.py:380] - Successfully saved 13032 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,192 - root - INFO - [chat.py:380] - Successfully saved 13061 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,254 - root - INFO - [chat.py:380] - Successfully saved 13090 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,314 - root - INFO - [chat.py:380] - Successfully saved 13119 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,373 - root - INFO - [chat.py:380] - Successfully saved 13148 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,434 - root - INFO - [chat.py:380] - Successfully saved 13177 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,497 - root - INFO - [chat.py:380] - Successfully saved 13206 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,559 - root - INFO - [chat.py:380] - Successfully saved 13235 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,623 - root - INFO - [chat.py:380] - Successfully saved 13264 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,688 - root - INFO - [chat.py:380] - Successfully saved 13293 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,753 - root - INFO - [chat.py:380] - Successfully saved 13322 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,816 - root - INFO - [chat.py:380] - Successfully saved 13351 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,878 - root - INFO - [chat.py:380] - Successfully saved 13380 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:48,941 - root - INFO - [chat.py:380] - Successfully saved 13409 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,007 - root - INFO - [chat.py:380] - Successfully saved 13438 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,072 - root - INFO - [chat.py:380] - Successfully saved 13467 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,135 - root - INFO - [chat.py:380] - Successfully saved 13496 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,197 - root - INFO - [chat.py:380] - Successfully saved 13525 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,267 - root - INFO - [chat.py:380] - Successfully saved 13554 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,335 - root - INFO - [chat.py:380] - Successfully saved 13583 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,406 - root - INFO - [chat.py:380] - Successfully saved 13612 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,471 - root - INFO - [chat.py:380] - Successfully saved 13641 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,539 - root - INFO - [chat.py:380] - Successfully saved 13670 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,605 - root - INFO - [chat.py:380] - Successfully saved 13699 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,672 - root - INFO - [chat.py:380] - Successfully saved 13728 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,740 - root - INFO - [chat.py:380] - Successfully saved 13757 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,808 - root - INFO - [chat.py:380] - Successfully saved 13786 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,875 - root - INFO - [chat.py:380] - Successfully saved 13815 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:49,942 - root - INFO - [chat.py:380] - Successfully saved 13844 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,005 - root - INFO - [chat.py:380] - Successfully saved 13873 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,069 - root - INFO - [chat.py:380] - Successfully saved 13902 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,137 - root - INFO - [chat.py:380] - Successfully saved 13931 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,201 - root - INFO - [chat.py:380] - Successfully saved 13960 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,266 - root - INFO - [chat.py:380] - Successfully saved 13989 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,330 - root - INFO - [chat.py:380] - Successfully saved 14018 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,396 - root - INFO - [chat.py:380] - Successfully saved 14047 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,461 - root - INFO - [chat.py:380] - Successfully saved 14076 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,527 - root - INFO - [chat.py:380] - Successfully saved 14105 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,593 - root - INFO - [chat.py:380] - Successfully saved 14134 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,657 - root - INFO - [chat.py:380] - Successfully saved 14163 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,724 - root - INFO - [chat.py:380] - Successfully saved 14192 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,791 - root - INFO - [chat.py:380] - Successfully saved 14221 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,862 - root - INFO - [chat.py:380] - Successfully saved 14250 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,929 - root - INFO - [chat.py:380] - Successfully saved 14279 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:50,994 - root - INFO - [chat.py:380] - Successfully saved 14301 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:51,066 - root - INFO - [chat.py:380] - Successfully saved 14322 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:51,133 - root - INFO - [chat.py:380] - Successfully saved 14343 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:51,199 - root - INFO - [chat.py:380] - Successfully saved 14368 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:51,266 - root - INFO - [chat.py:380] - Successfully saved 14397 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:51,335 - root - INFO - [chat.py:380] - Successfully saved 14426 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:51,401 - root - INFO - [chat.py:380] - Successfully saved 14455 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:51,466 - root - INFO - [chat.py:380] - Successfully saved 14484 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:51,536 - root - INFO - [chat.py:380] - Successfully saved 14513 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:51,605 - root - INFO - [chat.py:380] - Successfully saved 14542 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:51,672 - root - INFO - [chat.py:380] - Successfully saved 14571 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:51,740 - root - INFO - [chat.py:380] - Successfully saved 14600 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:51,807 - root - INFO - [chat.py:380] - Successfully saved 14629 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:51,875 - root - INFO - [chat.py:380] - Successfully saved 14658 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:51,942 - root - INFO - [chat.py:380] - Successfully saved 14687 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,012 - root - INFO - [chat.py:380] - Successfully saved 14716 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,080 - root - INFO - [chat.py:380] - Successfully saved 14745 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,151 - root - INFO - [chat.py:380] - Successfully saved 14774 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,231 - root - INFO - [chat.py:380] - Successfully saved 14803 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,300 - root - INFO - [chat.py:380] - Successfully saved 14832 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,368 - root - INFO - [chat.py:380] - Successfully saved 14861 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,436 - root - INFO - [chat.py:380] - Successfully saved 14890 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,504 - root - INFO - [chat.py:380] - Successfully saved 14919 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,572 - root - INFO - [chat.py:380] - Successfully saved 14948 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,640 - root - INFO - [chat.py:380] - Successfully saved 14977 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,710 - root - INFO - [chat.py:380] - Successfully saved 15006 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,779 - root - INFO - [chat.py:380] - Successfully saved 15035 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,849 - root - INFO - [chat.py:380] - Successfully saved 15064 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,920 - root - INFO - [chat.py:380] - Successfully saved 15093 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:52,992 - root - INFO - [chat.py:380] - Successfully saved 15122 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:53,061 - root - INFO - [chat.py:380] - Successfully saved 15151 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:53,131 - root - INFO - [chat.py:380] - Successfully saved 15180 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:53,200 - root - INFO - [chat.py:380] - Successfully saved 15209 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:53,272 - root - INFO - [chat.py:380] - Successfully saved 15238 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:53,343 - root - INFO - [chat.py:380] - Successfully saved 15267 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:53,412 - root - INFO - [chat.py:380] - Successfully saved 15296 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:53,483 - root - INFO - [chat.py:380] - Successfully saved 15325 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:53,555 - root - INFO - [chat.py:380] - Successfully saved 15353 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:53,632 - root - INFO - [chat.py:380] - Successfully saved 15382 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:53,703 - root - INFO - [chat.py:380] - Successfully saved 15411 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:53,775 - root - INFO - [chat.py:380] - Successfully saved 15440 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:53,846 - root - INFO - [chat.py:380] - Successfully saved 15469 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:53,917 - root - INFO - [chat.py:380] - Successfully saved 15498 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:53,989 - root - INFO - [chat.py:380] - Successfully saved 15527 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:54,061 - root - INFO - [chat.py:380] - Successfully saved 15556 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:54,131 - root - INFO - [chat.py:380] - Successfully saved 15585 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:54,201 - root - INFO - [chat.py:380] - Successfully saved 15612 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:54,274 - root - INFO - [chat.py:380] - Successfully saved 15630 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:54,349 - root - INFO - [chat.py:380] - Successfully saved 15648 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:54,424 - root - INFO - [chat.py:380] - Successfully saved 15666 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:54,498 - root - INFO - [chat.py:380] - Successfully saved 15684 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:54,571 - root - INFO - [chat.py:380] - Successfully saved 15702 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:54,643 - root - INFO - [chat.py:380] - Successfully saved 15720 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:54,718 - root - INFO - [chat.py:380] - Successfully saved 15738 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:54,790 - root - INFO - [chat.py:380] - Successfully saved 15756 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:54,863 - root - INFO - [chat.py:380] - Successfully saved 15774 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:54,944 - root - INFO - [chat.py:380] - Successfully saved 15792 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:55,024 - root - INFO - [chat.py:380] - Successfully saved 15810 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:55,101 - root - INFO - [chat.py:380] - Successfully saved 15829 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:55,180 - root - INFO - [chat.py:380] - Successfully saved 15847 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:55,257 - root - INFO - [chat.py:380] - Successfully saved 15865 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:55,333 - root - INFO - [chat.py:380] - Successfully saved 15883 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:55,408 - root - INFO - [chat.py:380] - Successfully saved 15910 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:55,482 - root - INFO - [chat.py:380] - Successfully saved 15939 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:55,557 - root - INFO - [chat.py:380] - Successfully saved 15966 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:55,632 - root - INFO - [chat.py:380] - Successfully saved 15994 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:55,712 - root - INFO - [chat.py:380] - Successfully saved 16023 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:55,787 - root - INFO - [chat.py:380] - Successfully saved 16052 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:55,862 - root - INFO - [chat.py:380] - Successfully saved 16079 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:55,942 - root - INFO - [chat.py:380] - Successfully saved 16108 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:56,026 - root - INFO - [chat.py:380] - Successfully saved 16136 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:56,102 - root - INFO - [chat.py:380] - Successfully saved 16163 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:56,177 - root - INFO - [chat.py:380] - Successfully saved 16190 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:56,262 - root - INFO - [chat.py:380] - Successfully saved 16215 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:56,339 - root - INFO - [chat.py:380] - Successfully saved 16242 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:56,414 - root - INFO - [chat.py:380] - Successfully saved 16268 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:56,506 - root - INFO - [chat.py:380] - Successfully saved 16294 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:56,585 - root - INFO - [chat.py:380] - Successfully saved 16321 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:56,662 - root - INFO - [chat.py:380] - Successfully saved 16347 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:56,756 - root - INFO - [chat.py:380] - Successfully saved 16369 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:56,835 - root - INFO - [chat.py:380] - Successfully saved 16389 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:56,923 - root - INFO - [chat.py:380] - Successfully saved 16409 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:57,005 - root - INFO - [chat.py:380] - Successfully saved 16428 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:57,084 - root - INFO - [chat.py:380] - Successfully saved 16448 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:57,165 - root - INFO - [chat.py:380] - Successfully saved 16468 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:57,250 - root - INFO - [chat.py:380] - Successfully saved 16488 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:57,329 - root - INFO - [chat.py:380] - Successfully saved 16507 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:57,409 - root - INFO - [chat.py:380] - Successfully saved 16527 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:57,487 - root - INFO - [chat.py:380] - Successfully saved 16547 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:57,568 - root - INFO - [chat.py:380] - Successfully saved 16567 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:57,653 - root - INFO - [chat.py:380] - Successfully saved 16587 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:57,734 - root - INFO - [chat.py:380] - Successfully saved 16607 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:57,820 - root - INFO - [chat.py:380] - Successfully saved 16626 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:57,910 - root - INFO - [chat.py:380] - Successfully saved 16646 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:57,987 - root - INFO - [chat.py:380] - Successfully saved 16666 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:58,064 - root - INFO - [chat.py:380] - Successfully saved 16686 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:58,143 - root - INFO - [chat.py:380] - Successfully saved 16705 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:58,223 - root - INFO - [chat.py:380] - Successfully saved 16725 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:58,300 - root - INFO - [chat.py:380] - Successfully saved 16747 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:58,377 - root - INFO - [chat.py:380] - Successfully saved 16767 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:58,453 - root - INFO - [chat.py:380] - Successfully saved 16787 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:58,540 - root - INFO - [chat.py:380] - Successfully saved 16811 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:58,625 - root - INFO - [chat.py:380] - Successfully saved 16840 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:58,711 - root - INFO - [chat.py:380] - Successfully saved 16869 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:58,794 - root - INFO - [chat.py:380] - Successfully saved 16898 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:58,876 - root - INFO - [chat.py:380] - Successfully saved 16927 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:58,957 - root - INFO - [chat.py:380] - Successfully saved 16956 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:59,041 - root - INFO - [chat.py:380] - Successfully saved 16985 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:59,121 - root - INFO - [chat.py:380] - Successfully saved 17014 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:59,200 - root - INFO - [chat.py:380] - Successfully saved 17043 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:59,280 - root - INFO - [chat.py:380] - Successfully saved 17072 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:59,362 - root - INFO - [chat.py:380] - Successfully saved 17101 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:59,460 - root - INFO - [chat.py:380] - Successfully saved 17130 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:59,543 - root - INFO - [chat.py:380] - Successfully saved 17159 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:59,628 - root - INFO - [chat.py:380] - Successfully saved 17188 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:59,709 - root - INFO - [chat.py:380] - Successfully saved 17217 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:59,791 - root - INFO - [chat.py:380] - Successfully saved 17246 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:59,874 - root - INFO - [chat.py:380] - Successfully saved 17275 unique ICD codes to JSON for hospital 228 -2025-06-07 14:23:59,956 - root - INFO - [chat.py:380] - Successfully saved 17304 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:00,039 - root - INFO - [chat.py:380] - Successfully saved 17333 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:00,126 - root - INFO - [chat.py:380] - Successfully saved 17362 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:00,217 - root - INFO - [chat.py:380] - Successfully saved 17391 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:00,298 - root - INFO - [chat.py:380] - Successfully saved 17420 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:00,380 - root - INFO - [chat.py:380] - Successfully saved 17449 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:00,459 - root - INFO - [chat.py:380] - Successfully saved 17478 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:00,542 - root - INFO - [chat.py:380] - Successfully saved 17507 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:00,625 - root - INFO - [chat.py:380] - Successfully saved 17536 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:00,717 - root - INFO - [chat.py:380] - Successfully saved 17565 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:00,808 - root - INFO - [chat.py:380] - Successfully saved 17594 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:00,897 - root - INFO - [chat.py:380] - Successfully saved 17623 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:00,979 - root - INFO - [chat.py:380] - Successfully saved 17652 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:01,062 - root - INFO - [chat.py:380] - Successfully saved 17681 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:01,148 - root - INFO - [chat.py:380] - Successfully saved 17710 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:01,231 - root - INFO - [chat.py:380] - Successfully saved 17739 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:01,313 - root - INFO - [chat.py:380] - Successfully saved 17768 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:01,396 - root - INFO - [chat.py:380] - Successfully saved 17797 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:01,489 - root - INFO - [chat.py:380] - Successfully saved 17826 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:01,585 - root - INFO - [chat.py:380] - Successfully saved 17855 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:01,669 - root - INFO - [chat.py:380] - Successfully saved 17884 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:01,756 - root - INFO - [chat.py:380] - Successfully saved 17910 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:01,839 - root - INFO - [chat.py:380] - Successfully saved 17930 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:01,926 - root - INFO - [chat.py:380] - Successfully saved 17958 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:02,011 - root - INFO - [chat.py:380] - Successfully saved 17987 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:02,095 - root - INFO - [chat.py:380] - Successfully saved 18016 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:02,184 - root - INFO - [chat.py:380] - Successfully saved 18045 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:02,278 - root - INFO - [chat.py:380] - Successfully saved 18073 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:02,361 - root - INFO - [chat.py:380] - Successfully saved 18102 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:02,445 - root - INFO - [chat.py:380] - Successfully saved 18131 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:02,530 - root - INFO - [chat.py:380] - Successfully saved 18158 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:02,615 - root - INFO - [chat.py:380] - Successfully saved 18187 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:02,702 - root - INFO - [chat.py:380] - Successfully saved 18216 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:02,796 - root - INFO - [chat.py:380] - Successfully saved 18245 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:02,892 - root - INFO - [chat.py:380] - Successfully saved 18274 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:02,994 - root - INFO - [chat.py:380] - Successfully saved 18303 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:03,080 - root - INFO - [chat.py:380] - Successfully saved 18332 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:03,171 - root - INFO - [chat.py:380] - Successfully saved 18361 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:03,261 - root - INFO - [chat.py:380] - Successfully saved 18390 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:03,355 - root - INFO - [chat.py:380] - Successfully saved 18419 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:03,447 - root - INFO - [chat.py:380] - Successfully saved 18448 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:03,538 - root - INFO - [chat.py:380] - Successfully saved 18477 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:03,645 - root - INFO - [chat.py:380] - Successfully saved 18506 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:03,742 - root - INFO - [chat.py:380] - Successfully saved 18535 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:03,836 - root - INFO - [chat.py:380] - Successfully saved 18564 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:03,930 - root - INFO - [chat.py:380] - Successfully saved 18593 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:04,022 - root - INFO - [chat.py:380] - Successfully saved 18622 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:04,119 - root - INFO - [chat.py:380] - Successfully saved 18651 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:04,209 - root - INFO - [chat.py:380] - Successfully saved 18680 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:04,298 - root - INFO - [chat.py:380] - Successfully saved 18703 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:04,386 - root - INFO - [chat.py:380] - Successfully saved 18732 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:04,480 - root - INFO - [chat.py:380] - Successfully saved 18761 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:04,589 - root - INFO - [chat.py:380] - Successfully saved 18790 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:04,685 - root - INFO - [chat.py:380] - Successfully saved 18818 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:04,779 - root - INFO - [chat.py:380] - Successfully saved 18843 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:04,872 - root - INFO - [chat.py:380] - Successfully saved 18869 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:04,964 - root - INFO - [chat.py:380] - Successfully saved 18897 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:05,056 - root - INFO - [chat.py:380] - Successfully saved 18924 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:05,149 - root - INFO - [chat.py:380] - Successfully saved 18953 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:05,242 - root - INFO - [chat.py:380] - Successfully saved 18982 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:05,332 - root - INFO - [chat.py:380] - Successfully saved 19011 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:05,422 - root - INFO - [chat.py:380] - Successfully saved 19040 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:05,531 - root - INFO - [chat.py:380] - Successfully saved 19069 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:05,629 - root - INFO - [chat.py:380] - Successfully saved 19098 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:05,721 - root - INFO - [chat.py:380] - Successfully saved 19127 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:05,814 - root - INFO - [chat.py:380] - Successfully saved 19156 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:05,907 - root - INFO - [chat.py:380] - Successfully saved 19184 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:05,996 - root - INFO - [chat.py:380] - Successfully saved 19210 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:06,087 - root - INFO - [chat.py:380] - Successfully saved 19234 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:06,179 - root - INFO - [chat.py:380] - Successfully saved 19256 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:06,275 - root - INFO - [chat.py:380] - Successfully saved 19277 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:06,390 - root - INFO - [chat.py:380] - Successfully saved 19306 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:06,499 - root - INFO - [chat.py:380] - Successfully saved 19325 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:06,590 - root - INFO - [chat.py:380] - Successfully saved 19343 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:06,679 - root - INFO - [chat.py:380] - Successfully saved 19366 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:06,771 - root - INFO - [chat.py:380] - Successfully saved 19383 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:06,862 - root - INFO - [chat.py:380] - Successfully saved 19406 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:06,954 - root - INFO - [chat.py:380] - Successfully saved 19434 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:07,051 - root - INFO - [chat.py:380] - Successfully saved 19463 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:07,149 - root - INFO - [chat.py:380] - Successfully saved 19490 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:07,248 - root - INFO - [chat.py:380] - Successfully saved 19519 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:07,352 - root - INFO - [chat.py:380] - Successfully saved 19548 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:07,453 - root - INFO - [chat.py:380] - Successfully saved 19576 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:07,554 - root - INFO - [chat.py:380] - Successfully saved 19604 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:07,653 - root - INFO - [chat.py:380] - Successfully saved 19631 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:07,754 - root - INFO - [chat.py:380] - Successfully saved 19660 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:07,866 - root - INFO - [chat.py:380] - Successfully saved 19687 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:07,966 - root - INFO - [chat.py:380] - Successfully saved 19716 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:08,070 - root - INFO - [chat.py:380] - Successfully saved 19745 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:08,173 - root - INFO - [chat.py:380] - Successfully saved 19774 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:08,274 - root - INFO - [chat.py:380] - Successfully saved 19801 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:08,383 - root - INFO - [chat.py:380] - Successfully saved 19826 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:08,482 - root - INFO - [chat.py:380] - Successfully saved 19853 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:08,575 - root - INFO - [chat.py:380] - Successfully saved 19880 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:08,675 - root - INFO - [chat.py:380] - Successfully saved 19907 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:08,770 - root - INFO - [chat.py:380] - Successfully saved 19936 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:08,864 - root - INFO - [chat.py:380] - Successfully saved 19964 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:08,960 - root - INFO - [chat.py:380] - Successfully saved 19991 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:09,057 - root - INFO - [chat.py:380] - Successfully saved 20020 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:09,151 - root - INFO - [chat.py:380] - Successfully saved 20049 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:09,248 - root - INFO - [chat.py:380] - Successfully saved 20076 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:09,345 - root - INFO - [chat.py:380] - Successfully saved 20103 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:09,441 - root - INFO - [chat.py:380] - Successfully saved 20132 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:09,535 - root - INFO - [chat.py:380] - Successfully saved 20159 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:09,629 - root - INFO - [chat.py:380] - Successfully saved 20185 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:09,723 - root - INFO - [chat.py:380] - Successfully saved 20209 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:09,827 - root - INFO - [chat.py:380] - Successfully saved 20230 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:09,925 - root - INFO - [chat.py:380] - Successfully saved 20259 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:10,020 - root - INFO - [chat.py:380] - Successfully saved 20288 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:10,115 - root - INFO - [chat.py:380] - Successfully saved 20315 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:10,211 - root - INFO - [chat.py:380] - Successfully saved 20344 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:10,309 - root - INFO - [chat.py:380] - Successfully saved 20371 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:10,410 - root - INFO - [chat.py:380] - Successfully saved 20399 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:10,511 - root - INFO - [chat.py:380] - Successfully saved 20428 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:10,621 - root - INFO - [chat.py:380] - Successfully saved 20457 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:10,723 - root - INFO - [chat.py:380] - Successfully saved 20485 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:10,824 - root - INFO - [chat.py:380] - Successfully saved 20512 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:10,926 - root - INFO - [chat.py:380] - Successfully saved 20540 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:11,026 - root - INFO - [chat.py:380] - Successfully saved 20567 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:11,124 - root - INFO - [chat.py:380] - Successfully saved 20596 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:11,220 - root - INFO - [chat.py:380] - Successfully saved 20624 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:11,325 - root - INFO - [chat.py:380] - Successfully saved 20653 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:11,427 - root - INFO - [chat.py:380] - Successfully saved 20682 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:11,530 - root - INFO - [chat.py:380] - Successfully saved 20711 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:11,632 - root - INFO - [chat.py:380] - Successfully saved 20740 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:11,740 - root - INFO - [chat.py:380] - Successfully saved 20765 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:11,845 - root - INFO - [chat.py:380] - Successfully saved 20793 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:11,946 - root - INFO - [chat.py:380] - Successfully saved 20818 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:12,045 - root - INFO - [chat.py:380] - Successfully saved 20847 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:12,144 - root - INFO - [chat.py:380] - Successfully saved 20876 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:12,248 - root - INFO - [chat.py:380] - Successfully saved 20901 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:12,346 - root - INFO - [chat.py:380] - Successfully saved 20930 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:12,445 - root - INFO - [chat.py:380] - Successfully saved 20957 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:12,545 - root - INFO - [chat.py:380] - Successfully saved 20986 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:12,643 - root - INFO - [chat.py:380] - Successfully saved 21015 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:12,747 - root - INFO - [chat.py:380] - Successfully saved 21044 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:12,850 - root - INFO - [chat.py:380] - Successfully saved 21073 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:12,954 - root - INFO - [chat.py:380] - Successfully saved 21102 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:13,054 - root - INFO - [chat.py:380] - Successfully saved 21131 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:13,159 - root - INFO - [chat.py:380] - Successfully saved 21160 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:13,264 - root - INFO - [chat.py:380] - Successfully saved 21189 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:13,364 - root - INFO - [chat.py:380] - Successfully saved 21218 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:13,463 - root - INFO - [chat.py:380] - Successfully saved 21247 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:13,564 - root - INFO - [chat.py:380] - Successfully saved 21276 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:13,673 - root - INFO - [chat.py:380] - Successfully saved 21305 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:13,789 - root - INFO - [chat.py:380] - Successfully saved 21334 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:13,888 - root - INFO - [chat.py:380] - Successfully saved 21363 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:13,987 - root - INFO - [chat.py:380] - Successfully saved 21392 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:14,089 - root - INFO - [chat.py:380] - Successfully saved 21421 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:14,191 - root - INFO - [chat.py:380] - Successfully saved 21450 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:14,298 - root - INFO - [chat.py:380] - Successfully saved 21479 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:14,401 - root - INFO - [chat.py:380] - Successfully saved 21508 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:14,502 - root - INFO - [chat.py:380] - Successfully saved 21537 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:14,604 - root - INFO - [chat.py:380] - Successfully saved 21566 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:14,707 - root - INFO - [chat.py:380] - Successfully saved 21595 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:14,814 - root - INFO - [chat.py:380] - Successfully saved 21624 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:14,925 - root - INFO - [chat.py:380] - Successfully saved 21653 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:15,044 - root - INFO - [chat.py:380] - Successfully saved 21682 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:15,154 - root - INFO - [chat.py:380] - Successfully saved 21711 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:15,271 - root - INFO - [chat.py:380] - Successfully saved 21740 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:15,378 - root - INFO - [chat.py:380] - Successfully saved 21769 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:15,484 - root - INFO - [chat.py:380] - Successfully saved 21798 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:15,606 - root - INFO - [chat.py:380] - Successfully saved 21827 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:15,713 - root - INFO - [chat.py:380] - Successfully saved 21856 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:15,824 - root - INFO - [chat.py:380] - Successfully saved 21885 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:15,930 - root - INFO - [chat.py:380] - Successfully saved 21914 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:16,037 - root - INFO - [chat.py:380] - Successfully saved 21943 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:16,142 - root - INFO - [chat.py:380] - Successfully saved 21972 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:16,245 - root - INFO - [chat.py:380] - Successfully saved 22001 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:16,349 - root - INFO - [chat.py:380] - Successfully saved 22030 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:16,454 - root - INFO - [chat.py:380] - Successfully saved 22059 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:16,558 - root - INFO - [chat.py:380] - Successfully saved 22088 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:16,663 - root - INFO - [chat.py:380] - Successfully saved 22117 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:16,774 - root - INFO - [chat.py:380] - Successfully saved 22146 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:16,880 - root - INFO - [chat.py:380] - Successfully saved 22175 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:16,989 - root - INFO - [chat.py:380] - Successfully saved 22204 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:17,096 - root - INFO - [chat.py:380] - Successfully saved 22233 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:17,200 - root - INFO - [chat.py:380] - Successfully saved 22262 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:17,309 - root - INFO - [chat.py:380] - Successfully saved 22291 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:17,416 - root - INFO - [chat.py:380] - Successfully saved 22320 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:17,522 - root - INFO - [chat.py:380] - Successfully saved 22349 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:17,628 - root - INFO - [chat.py:380] - Successfully saved 22378 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:17,734 - root - INFO - [chat.py:380] - Successfully saved 22407 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:17,840 - root - INFO - [chat.py:380] - Successfully saved 22435 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:17,948 - root - INFO - [chat.py:380] - Successfully saved 22462 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:18,054 - root - INFO - [chat.py:380] - Successfully saved 22490 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:18,161 - root - INFO - [chat.py:380] - Successfully saved 22515 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:18,268 - root - INFO - [chat.py:380] - Successfully saved 22544 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:18,377 - root - INFO - [chat.py:380] - Successfully saved 22573 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:18,484 - root - INFO - [chat.py:380] - Successfully saved 22602 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:18,594 - root - INFO - [chat.py:380] - Successfully saved 22629 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:18,702 - root - INFO - [chat.py:380] - Successfully saved 22657 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:18,810 - root - INFO - [chat.py:380] - Successfully saved 22686 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:18,916 - root - INFO - [chat.py:380] - Successfully saved 22714 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:19,023 - root - INFO - [chat.py:380] - Successfully saved 22740 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:19,129 - root - INFO - [chat.py:380] - Successfully saved 22765 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:19,235 - root - INFO - [chat.py:380] - Successfully saved 22792 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:19,344 - root - INFO - [chat.py:380] - Successfully saved 22821 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:19,456 - root - INFO - [chat.py:380] - Successfully saved 22850 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:19,568 - root - INFO - [chat.py:380] - Successfully saved 22879 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:19,682 - root - INFO - [chat.py:380] - Successfully saved 22908 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:19,808 - root - INFO - [chat.py:380] - Successfully saved 22937 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:19,953 - root - INFO - [chat.py:380] - Successfully saved 22966 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:20,069 - root - INFO - [chat.py:380] - Successfully saved 22995 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:20,186 - root - INFO - [chat.py:380] - Successfully saved 23024 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:20,308 - root - INFO - [chat.py:380] - Successfully saved 23053 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:20,428 - root - INFO - [chat.py:380] - Successfully saved 23082 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:20,546 - root - INFO - [chat.py:380] - Successfully saved 23111 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:20,664 - root - INFO - [chat.py:380] - Successfully saved 23140 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:20,781 - root - INFO - [chat.py:380] - Successfully saved 23169 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:20,895 - root - INFO - [chat.py:380] - Successfully saved 23195 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:21,007 - root - INFO - [chat.py:380] - Successfully saved 23223 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:21,120 - root - INFO - [chat.py:380] - Successfully saved 23252 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:21,230 - root - INFO - [chat.py:380] - Successfully saved 23281 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:21,348 - root - INFO - [chat.py:380] - Successfully saved 23305 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:21,460 - root - INFO - [chat.py:380] - Successfully saved 23325 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:21,573 - root - INFO - [chat.py:380] - Successfully saved 23354 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:21,683 - root - INFO - [chat.py:380] - Successfully saved 23383 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:21,797 - root - INFO - [chat.py:380] - Successfully saved 23412 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:21,909 - root - INFO - [chat.py:380] - Successfully saved 23437 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:22,024 - root - INFO - [chat.py:380] - Successfully saved 23461 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:22,136 - root - INFO - [chat.py:380] - Successfully saved 23486 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:22,255 - root - INFO - [chat.py:380] - Successfully saved 23511 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:22,369 - root - INFO - [chat.py:380] - Successfully saved 23538 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:22,478 - root - INFO - [chat.py:380] - Successfully saved 23567 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:22,589 - root - INFO - [chat.py:380] - Successfully saved 23596 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:22,700 - root - INFO - [chat.py:380] - Successfully saved 23625 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:22,813 - root - INFO - [chat.py:380] - Successfully saved 23647 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:22,926 - root - INFO - [chat.py:380] - Successfully saved 23670 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:23,040 - root - INFO - [chat.py:380] - Successfully saved 23691 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:23,151 - root - INFO - [chat.py:380] - Successfully saved 23713 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:23,264 - root - INFO - [chat.py:380] - Successfully saved 23740 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:23,377 - root - INFO - [chat.py:380] - Successfully saved 23767 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:23,488 - root - INFO - [chat.py:380] - Successfully saved 23787 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:23,610 - root - INFO - [chat.py:380] - Successfully saved 23814 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:23,725 - root - INFO - [chat.py:380] - Successfully saved 23843 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:23,842 - root - INFO - [chat.py:380] - Successfully saved 23872 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:23,956 - root - INFO - [chat.py:380] - Successfully saved 23901 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:24,070 - root - INFO - [chat.py:380] - Successfully saved 23930 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:24,181 - root - INFO - [chat.py:380] - Successfully saved 23957 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:24,295 - root - INFO - [chat.py:380] - Successfully saved 23980 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:24,407 - root - INFO - [chat.py:380] - Successfully saved 24007 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:24,521 - root - INFO - [chat.py:380] - Successfully saved 24036 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:24,636 - root - INFO - [chat.py:380] - Successfully saved 24061 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:24,748 - root - INFO - [chat.py:380] - Successfully saved 24080 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:24,864 - root - INFO - [chat.py:380] - Successfully saved 24100 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:24,982 - root - INFO - [chat.py:380] - Successfully saved 24119 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:25,100 - root - INFO - [chat.py:380] - Successfully saved 24136 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:25,216 - root - INFO - [chat.py:380] - Successfully saved 24154 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:25,339 - root - INFO - [chat.py:380] - Successfully saved 24172 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:25,457 - root - INFO - [chat.py:380] - Successfully saved 24190 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:25,575 - root - INFO - [chat.py:380] - Successfully saved 24208 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:25,690 - root - INFO - [chat.py:380] - Successfully saved 24225 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:25,807 - root - INFO - [chat.py:380] - Successfully saved 24243 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:25,923 - root - INFO - [chat.py:380] - Successfully saved 24260 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:26,040 - root - INFO - [chat.py:380] - Successfully saved 24278 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:26,160 - root - INFO - [chat.py:380] - Successfully saved 24296 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:26,287 - root - INFO - [chat.py:380] - Successfully saved 24313 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:26,403 - root - INFO - [chat.py:380] - Successfully saved 24331 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:26,521 - root - INFO - [chat.py:380] - Successfully saved 24348 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:26,635 - root - INFO - [chat.py:380] - Successfully saved 24366 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:26,751 - root - INFO - [chat.py:380] - Successfully saved 24385 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:26,868 - root - INFO - [chat.py:380] - Successfully saved 24405 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:26,985 - root - INFO - [chat.py:380] - Successfully saved 24425 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:27,100 - root - INFO - [chat.py:380] - Successfully saved 24444 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:27,215 - root - INFO - [chat.py:380] - Successfully saved 24462 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:27,332 - root - INFO - [chat.py:380] - Successfully saved 24479 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:27,448 - root - INFO - [chat.py:380] - Successfully saved 24494 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:27,566 - root - INFO - [chat.py:380] - Successfully saved 24510 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:27,682 - root - INFO - [chat.py:380] - Successfully saved 24525 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:27,801 - root - INFO - [chat.py:380] - Successfully saved 24543 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:27,925 - root - INFO - [chat.py:380] - Successfully saved 24561 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:28,048 - root - INFO - [chat.py:380] - Successfully saved 24581 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:28,170 - root - INFO - [chat.py:380] - Successfully saved 24604 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:28,309 - root - INFO - [chat.py:380] - Successfully saved 24633 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:28,430 - root - INFO - [chat.py:380] - Successfully saved 24662 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:28,548 - root - INFO - [chat.py:380] - Successfully saved 24691 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:28,673 - root - INFO - [chat.py:380] - Successfully saved 24720 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:28,793 - root - INFO - [chat.py:380] - Successfully saved 24749 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:28,911 - root - INFO - [chat.py:380] - Successfully saved 24778 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:29,031 - root - INFO - [chat.py:380] - Successfully saved 24807 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:29,150 - root - INFO - [chat.py:380] - Successfully saved 24836 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:29,271 - root - INFO - [chat.py:380] - Successfully saved 24864 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:29,388 - root - INFO - [chat.py:380] - Successfully saved 24893 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:29,507 - root - INFO - [chat.py:380] - Successfully saved 24917 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:29,633 - root - INFO - [chat.py:380] - Successfully saved 24937 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:29,753 - root - INFO - [chat.py:380] - Successfully saved 24959 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:29,875 - root - INFO - [chat.py:380] - Successfully saved 24979 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:29,995 - root - INFO - [chat.py:380] - Successfully saved 25006 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:30,115 - root - INFO - [chat.py:380] - Successfully saved 25024 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:30,234 - root - INFO - [chat.py:380] - Successfully saved 25044 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:30,359 - root - INFO - [chat.py:380] - Successfully saved 25064 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:30,478 - root - INFO - [chat.py:380] - Successfully saved 25083 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:30,599 - root - INFO - [chat.py:380] - Successfully saved 25104 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:30,720 - root - INFO - [chat.py:380] - Successfully saved 25122 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:30,846 - root - INFO - [chat.py:380] - Successfully saved 25140 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:30,970 - root - INFO - [chat.py:380] - Successfully saved 25161 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:31,092 - root - INFO - [chat.py:380] - Successfully saved 25180 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:31,212 - root - INFO - [chat.py:380] - Successfully saved 25200 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:31,337 - root - INFO - [chat.py:380] - Successfully saved 25221 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:31,463 - root - INFO - [chat.py:380] - Successfully saved 25239 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:31,584 - root - INFO - [chat.py:380] - Successfully saved 25259 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:31,705 - root - INFO - [chat.py:380] - Successfully saved 25278 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:31,829 - root - INFO - [chat.py:380] - Successfully saved 25296 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:31,950 - root - INFO - [chat.py:380] - Successfully saved 25316 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:32,070 - root - INFO - [chat.py:380] - Successfully saved 25345 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:32,191 - root - INFO - [chat.py:380] - Successfully saved 25374 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:32,317 - root - INFO - [chat.py:380] - Successfully saved 25403 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:32,441 - root - INFO - [chat.py:380] - Successfully saved 25432 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:32,564 - root - INFO - [chat.py:380] - Successfully saved 25461 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:32,687 - root - INFO - [chat.py:380] - Successfully saved 25490 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:32,823 - root - INFO - [chat.py:380] - Successfully saved 25519 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:32,949 - root - INFO - [chat.py:380] - Successfully saved 25548 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:33,072 - root - INFO - [chat.py:380] - Successfully saved 25577 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:33,196 - root - INFO - [chat.py:380] - Successfully saved 25606 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:33,321 - root - INFO - [chat.py:380] - Successfully saved 25635 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:33,448 - root - INFO - [chat.py:380] - Successfully saved 25664 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:33,573 - root - INFO - [chat.py:380] - Successfully saved 25693 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:33,701 - root - INFO - [chat.py:380] - Successfully saved 25722 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:33,832 - root - INFO - [chat.py:380] - Successfully saved 25751 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:33,956 - root - INFO - [chat.py:380] - Successfully saved 25780 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:34,079 - root - INFO - [chat.py:380] - Successfully saved 25809 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:34,204 - root - INFO - [chat.py:380] - Successfully saved 25838 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:34,334 - root - INFO - [chat.py:380] - Successfully saved 25867 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:34,457 - root - INFO - [chat.py:380] - Successfully saved 25896 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:34,581 - root - INFO - [chat.py:380] - Successfully saved 25925 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:34,707 - root - INFO - [chat.py:380] - Successfully saved 25954 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:34,833 - root - INFO - [chat.py:380] - Successfully saved 25983 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:34,958 - root - INFO - [chat.py:380] - Successfully saved 26012 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:35,085 - root - INFO - [chat.py:380] - Successfully saved 26041 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:35,212 - root - INFO - [chat.py:380] - Successfully saved 26070 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:35,338 - root - INFO - [chat.py:380] - Successfully saved 26087 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:35,463 - root - INFO - [chat.py:380] - Successfully saved 26104 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:35,587 - root - INFO - [chat.py:380] - Successfully saved 26122 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:35,716 - root - INFO - [chat.py:380] - Successfully saved 26140 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:35,844 - root - INFO - [chat.py:380] - Successfully saved 26157 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:35,971 - root - INFO - [chat.py:380] - Successfully saved 26176 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:36,098 - root - INFO - [chat.py:380] - Successfully saved 26194 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:36,223 - root - INFO - [chat.py:380] - Successfully saved 26211 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:36,351 - root - INFO - [chat.py:380] - Successfully saved 26230 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:36,478 - root - INFO - [chat.py:380] - Successfully saved 26248 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:36,605 - root - INFO - [chat.py:380] - Successfully saved 26265 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:36,732 - root - INFO - [chat.py:380] - Successfully saved 26284 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:36,859 - root - INFO - [chat.py:380] - Successfully saved 26309 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:36,987 - root - INFO - [chat.py:380] - Successfully saved 26331 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:37,114 - root - INFO - [chat.py:380] - Successfully saved 26353 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:37,241 - root - INFO - [chat.py:380] - Successfully saved 26375 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:37,371 - root - INFO - [chat.py:380] - Successfully saved 26397 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:37,496 - root - INFO - [chat.py:380] - Successfully saved 26419 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:37,622 - root - INFO - [chat.py:380] - Successfully saved 26440 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:37,749 - root - INFO - [chat.py:380] - Successfully saved 26463 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:37,884 - root - INFO - [chat.py:380] - Successfully saved 26488 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:38,013 - root - INFO - [chat.py:380] - Successfully saved 26512 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:38,141 - root - INFO - [chat.py:380] - Successfully saved 26536 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:38,267 - root - INFO - [chat.py:380] - Successfully saved 26559 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:38,397 - root - INFO - [chat.py:380] - Successfully saved 26586 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:38,524 - root - INFO - [chat.py:380] - Successfully saved 26615 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:38,654 - root - INFO - [chat.py:380] - Successfully saved 26643 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:38,788 - root - INFO - [chat.py:380] - Successfully saved 26670 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:38,915 - root - INFO - [chat.py:380] - Successfully saved 26699 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:39,043 - root - INFO - [chat.py:380] - Successfully saved 26728 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:39,171 - root - INFO - [chat.py:380] - Successfully saved 26757 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:39,310 - root - INFO - [chat.py:380] - Successfully saved 26786 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:39,442 - root - INFO - [chat.py:380] - Successfully saved 26815 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:39,574 - root - INFO - [chat.py:380] - Successfully saved 26844 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:39,705 - root - INFO - [chat.py:380] - Successfully saved 26873 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:39,838 - root - INFO - [chat.py:380] - Successfully saved 26902 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:39,976 - root - INFO - [chat.py:380] - Successfully saved 26931 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:40,107 - root - INFO - [chat.py:380] - Successfully saved 26960 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:40,236 - root - INFO - [chat.py:380] - Successfully saved 26989 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:40,369 - root - INFO - [chat.py:380] - Successfully saved 27018 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:40,514 - root - INFO - [chat.py:380] - Successfully saved 27047 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:40,646 - root - INFO - [chat.py:380] - Successfully saved 27076 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:40,776 - root - INFO - [chat.py:380] - Successfully saved 27104 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:40,908 - root - INFO - [chat.py:380] - Successfully saved 27133 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:41,039 - root - INFO - [chat.py:380] - Successfully saved 27162 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:41,170 - root - INFO - [chat.py:380] - Successfully saved 27191 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:41,307 - root - INFO - [chat.py:380] - Successfully saved 27220 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:41,440 - root - INFO - [chat.py:380] - Successfully saved 27249 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:41,573 - root - INFO - [chat.py:380] - Successfully saved 27278 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:41,705 - root - INFO - [chat.py:380] - Successfully saved 27307 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:41,847 - root - INFO - [chat.py:380] - Successfully saved 27336 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:41,985 - root - INFO - [chat.py:380] - Successfully saved 27365 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:42,130 - root - INFO - [chat.py:380] - Successfully saved 27394 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:42,268 - root - INFO - [chat.py:380] - Successfully saved 27423 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:42,409 - root - INFO - [chat.py:380] - Successfully saved 27452 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:42,549 - root - INFO - [chat.py:380] - Successfully saved 27480 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:42,682 - root - INFO - [chat.py:380] - Successfully saved 27508 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:42,816 - root - INFO - [chat.py:380] - Successfully saved 27528 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:42,956 - root - INFO - [chat.py:380] - Successfully saved 27545 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:43,100 - root - INFO - [chat.py:380] - Successfully saved 27564 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:43,239 - root - INFO - [chat.py:380] - Successfully saved 27581 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:43,376 - root - INFO - [chat.py:380] - Successfully saved 27598 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:43,517 - root - INFO - [chat.py:380] - Successfully saved 27615 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:43,656 - root - INFO - [chat.py:380] - Successfully saved 27632 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:43,796 - root - INFO - [chat.py:380] - Successfully saved 27649 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:43,935 - root - INFO - [chat.py:380] - Successfully saved 27666 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:44,073 - root - INFO - [chat.py:380] - Successfully saved 27687 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:44,207 - root - INFO - [chat.py:380] - Successfully saved 27716 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:44,344 - root - INFO - [chat.py:380] - Successfully saved 27743 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:44,477 - root - INFO - [chat.py:380] - Successfully saved 27765 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:44,612 - root - INFO - [chat.py:380] - Successfully saved 27783 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:44,750 - root - INFO - [chat.py:380] - Successfully saved 27800 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:44,891 - root - INFO - [chat.py:380] - Successfully saved 27817 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:45,027 - root - INFO - [chat.py:380] - Successfully saved 27834 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:45,162 - root - INFO - [chat.py:380] - Successfully saved 27851 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:45,299 - root - INFO - [chat.py:380] - Successfully saved 27868 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:45,433 - root - INFO - [chat.py:380] - Successfully saved 27886 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:45,567 - root - INFO - [chat.py:380] - Successfully saved 27910 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:45,702 - root - INFO - [chat.py:380] - Successfully saved 27939 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:45,842 - root - INFO - [chat.py:380] - Successfully saved 27967 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:45,977 - root - INFO - [chat.py:380] - Successfully saved 27988 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:46,112 - root - INFO - [chat.py:380] - Successfully saved 28010 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:46,253 - root - INFO - [chat.py:380] - Successfully saved 28033 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:46,392 - root - INFO - [chat.py:380] - Successfully saved 28055 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:46,526 - root - INFO - [chat.py:380] - Successfully saved 28077 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:46,665 - root - INFO - [chat.py:380] - Successfully saved 28099 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:46,850 - root - INFO - [chat.py:380] - Successfully saved 28121 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:46,992 - root - INFO - [chat.py:380] - Successfully saved 28144 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:47,134 - root - INFO - [chat.py:380] - Successfully saved 28168 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:47,272 - root - INFO - [chat.py:380] - Successfully saved 28192 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:47,410 - root - INFO - [chat.py:380] - Successfully saved 28216 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:47,547 - root - INFO - [chat.py:380] - Successfully saved 28243 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:47,687 - root - INFO - [chat.py:380] - Successfully saved 28272 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:47,834 - root - INFO - [chat.py:380] - Successfully saved 28295 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:47,976 - root - INFO - [chat.py:380] - Successfully saved 28319 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:48,118 - root - INFO - [chat.py:380] - Successfully saved 28345 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:48,256 - root - INFO - [chat.py:380] - Successfully saved 28365 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:48,397 - root - INFO - [chat.py:380] - Successfully saved 28385 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:48,550 - root - INFO - [chat.py:380] - Successfully saved 28406 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:48,691 - root - INFO - [chat.py:380] - Successfully saved 28425 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:48,832 - root - INFO - [chat.py:380] - Successfully saved 28443 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:48,969 - root - INFO - [chat.py:380] - Successfully saved 28461 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:49,109 - root - INFO - [chat.py:380] - Successfully saved 28479 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:49,258 - root - INFO - [chat.py:380] - Successfully saved 28498 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:49,464 - root - INFO - [chat.py:380] - Successfully saved 28520 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:49,604 - root - INFO - [chat.py:380] - Successfully saved 28538 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:49,747 - root - INFO - [chat.py:380] - Successfully saved 28556 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:49,890 - root - INFO - [chat.py:380] - Successfully saved 28576 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:50,034 - root - INFO - [chat.py:380] - Successfully saved 28597 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:50,175 - root - INFO - [chat.py:380] - Successfully saved 28618 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:50,316 - root - INFO - [chat.py:380] - Successfully saved 28640 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:50,458 - root - INFO - [chat.py:380] - Successfully saved 28664 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:50,598 - root - INFO - [chat.py:380] - Successfully saved 28690 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:50,736 - root - INFO - [chat.py:380] - Successfully saved 28717 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:50,878 - root - INFO - [chat.py:380] - Successfully saved 28742 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:51,024 - root - INFO - [chat.py:380] - Successfully saved 28763 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:51,163 - root - INFO - [chat.py:380] - Successfully saved 28785 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:51,301 - root - INFO - [chat.py:380] - Successfully saved 28806 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:51,443 - root - INFO - [chat.py:380] - Successfully saved 28831 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:51,581 - root - INFO - [chat.py:380] - Successfully saved 28860 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:51,718 - root - INFO - [chat.py:380] - Successfully saved 28889 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:51,860 - root - INFO - [chat.py:380] - Successfully saved 28918 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:52,002 - root - INFO - [chat.py:380] - Successfully saved 28947 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:52,146 - root - INFO - [chat.py:380] - Successfully saved 28976 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:52,300 - root - INFO - [chat.py:380] - Successfully saved 29005 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:52,446 - root - INFO - [chat.py:380] - Successfully saved 29034 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:52,587 - root - INFO - [chat.py:380] - Successfully saved 29063 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:52,764 - root - INFO - [chat.py:380] - Successfully saved 29092 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:52,918 - root - INFO - [chat.py:380] - Successfully saved 29121 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:53,126 - root - INFO - [chat.py:380] - Successfully saved 29150 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:53,286 - root - INFO - [chat.py:380] - Successfully saved 29175 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:53,431 - root - INFO - [chat.py:380] - Successfully saved 29199 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:53,581 - root - INFO - [chat.py:380] - Successfully saved 29228 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:53,729 - root - INFO - [chat.py:380] - Successfully saved 29257 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:53,883 - root - INFO - [chat.py:380] - Successfully saved 29286 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:54,028 - root - INFO - [chat.py:380] - Successfully saved 29315 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:54,175 - root - INFO - [chat.py:380] - Successfully saved 29344 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:54,318 - root - INFO - [chat.py:380] - Successfully saved 29373 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:54,457 - root - INFO - [chat.py:380] - Successfully saved 29402 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:54,601 - root - INFO - [chat.py:380] - Successfully saved 29431 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:54,742 - root - INFO - [chat.py:380] - Successfully saved 29460 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:54,887 - root - INFO - [chat.py:380] - Successfully saved 29489 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:55,030 - root - INFO - [chat.py:380] - Successfully saved 29518 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:55,170 - root - INFO - [chat.py:380] - Successfully saved 29547 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:55,313 - root - INFO - [chat.py:380] - Successfully saved 29576 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:55,453 - root - INFO - [chat.py:380] - Successfully saved 29605 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:55,597 - root - INFO - [chat.py:380] - Successfully saved 29634 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:55,740 - root - INFO - [chat.py:380] - Successfully saved 29663 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:55,881 - root - INFO - [chat.py:380] - Successfully saved 29692 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:56,026 - root - INFO - [chat.py:380] - Successfully saved 29721 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:56,170 - root - INFO - [chat.py:380] - Successfully saved 29750 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:56,316 - root - INFO - [chat.py:380] - Successfully saved 29779 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:56,458 - root - INFO - [chat.py:380] - Successfully saved 29808 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:56,605 - root - INFO - [chat.py:380] - Successfully saved 29837 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:56,749 - root - INFO - [chat.py:380] - Successfully saved 29866 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:56,894 - root - INFO - [chat.py:380] - Successfully saved 29895 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:57,045 - root - INFO - [chat.py:380] - Successfully saved 29924 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:57,191 - root - INFO - [chat.py:380] - Successfully saved 29953 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:57,336 - root - INFO - [chat.py:380] - Successfully saved 29982 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:57,479 - root - INFO - [chat.py:380] - Successfully saved 30011 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:57,622 - root - INFO - [chat.py:380] - Successfully saved 30040 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:57,769 - root - INFO - [chat.py:380] - Successfully saved 30069 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:57,919 - root - INFO - [chat.py:380] - Successfully saved 30098 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:58,076 - root - INFO - [chat.py:380] - Successfully saved 30126 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:58,233 - root - INFO - [chat.py:380] - Successfully saved 30148 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:58,381 - root - INFO - [chat.py:380] - Successfully saved 30168 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:58,534 - root - INFO - [chat.py:380] - Successfully saved 30188 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:58,687 - root - INFO - [chat.py:380] - Successfully saved 30208 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:58,843 - root - INFO - [chat.py:380] - Successfully saved 30231 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:58,987 - root - INFO - [chat.py:380] - Successfully saved 30252 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:59,134 - root - INFO - [chat.py:380] - Successfully saved 30273 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:59,278 - root - INFO - [chat.py:380] - Successfully saved 30294 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:59,424 - root - INFO - [chat.py:380] - Successfully saved 30314 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:59,568 - root - INFO - [chat.py:380] - Successfully saved 30334 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:59,715 - root - INFO - [chat.py:380] - Successfully saved 30354 unique ICD codes to JSON for hospital 228 -2025-06-07 14:24:59,868 - root - INFO - [chat.py:380] - Successfully saved 30374 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:00,014 - root - INFO - [chat.py:380] - Successfully saved 30394 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:00,159 - root - INFO - [chat.py:380] - Successfully saved 30414 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:00,306 - root - INFO - [chat.py:380] - Successfully saved 30434 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:00,450 - root - INFO - [chat.py:380] - Successfully saved 30453 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:00,595 - root - INFO - [chat.py:380] - Successfully saved 30471 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:00,741 - root - INFO - [chat.py:380] - Successfully saved 30491 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:00,889 - root - INFO - [chat.py:380] - Successfully saved 30511 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:01,035 - root - INFO - [chat.py:380] - Successfully saved 30531 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:01,187 - root - INFO - [chat.py:380] - Successfully saved 30552 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:01,338 - root - INFO - [chat.py:380] - Successfully saved 30571 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:01,486 - root - INFO - [chat.py:380] - Successfully saved 30589 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:01,633 - root - INFO - [chat.py:380] - Successfully saved 30608 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:01,781 - root - INFO - [chat.py:380] - Successfully saved 30627 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:01,937 - root - INFO - [chat.py:380] - Successfully saved 30645 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:02,088 - root - INFO - [chat.py:380] - Successfully saved 30666 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:02,237 - root - INFO - [chat.py:380] - Successfully saved 30687 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:02,387 - root - INFO - [chat.py:380] - Successfully saved 30707 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:02,540 - root - INFO - [chat.py:380] - Successfully saved 30726 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:02,690 - root - INFO - [chat.py:380] - Successfully saved 30746 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:02,838 - root - INFO - [chat.py:380] - Successfully saved 30765 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:02,990 - root - INFO - [chat.py:380] - Successfully saved 30785 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:03,138 - root - INFO - [chat.py:380] - Successfully saved 30806 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:03,285 - root - INFO - [chat.py:380] - Successfully saved 30825 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:03,440 - root - INFO - [chat.py:380] - Successfully saved 30845 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:03,591 - root - INFO - [chat.py:380] - Successfully saved 30865 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:03,741 - root - INFO - [chat.py:380] - Successfully saved 30885 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:03,902 - root - INFO - [chat.py:380] - Successfully saved 30903 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:04,062 - root - INFO - [chat.py:380] - Successfully saved 30923 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:04,217 - root - INFO - [chat.py:380] - Successfully saved 30941 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:04,367 - root - INFO - [chat.py:380] - Successfully saved 30961 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:04,526 - root - INFO - [chat.py:380] - Successfully saved 30981 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:04,687 - root - INFO - [chat.py:380] - Successfully saved 31000 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:04,850 - root - INFO - [chat.py:380] - Successfully saved 31018 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:05,006 - root - INFO - [chat.py:380] - Successfully saved 31036 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:05,159 - root - INFO - [chat.py:380] - Successfully saved 31056 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:05,314 - root - INFO - [chat.py:380] - Successfully saved 31074 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:05,469 - root - INFO - [chat.py:380] - Successfully saved 31096 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:05,621 - root - INFO - [chat.py:380] - Successfully saved 31117 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:05,774 - root - INFO - [chat.py:380] - Successfully saved 31136 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:05,933 - root - INFO - [chat.py:380] - Successfully saved 31153 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:06,091 - root - INFO - [chat.py:380] - Successfully saved 31170 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:06,247 - root - INFO - [chat.py:380] - Successfully saved 31187 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:06,399 - root - INFO - [chat.py:380] - Successfully saved 31204 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:06,551 - root - INFO - [chat.py:380] - Successfully saved 31222 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:06,703 - root - INFO - [chat.py:380] - Successfully saved 31240 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:06,858 - root - INFO - [chat.py:380] - Successfully saved 31258 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:07,010 - root - INFO - [chat.py:380] - Successfully saved 31276 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:07,163 - root - INFO - [chat.py:380] - Successfully saved 31294 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:07,316 - root - INFO - [chat.py:380] - Successfully saved 31312 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:07,469 - root - INFO - [chat.py:380] - Successfully saved 31332 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:07,624 - root - INFO - [chat.py:380] - Successfully saved 31352 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:07,777 - root - INFO - [chat.py:380] - Successfully saved 31372 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:07,931 - root - INFO - [chat.py:380] - Successfully saved 31392 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:08,089 - root - INFO - [chat.py:380] - Successfully saved 31412 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:08,245 - root - INFO - [chat.py:380] - Successfully saved 31433 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:08,398 - root - INFO - [chat.py:380] - Successfully saved 31453 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:08,551 - root - INFO - [chat.py:380] - Successfully saved 31473 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:08,705 - root - INFO - [chat.py:380] - Successfully saved 31493 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:08,859 - root - INFO - [chat.py:380] - Successfully saved 31513 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:09,014 - root - INFO - [chat.py:380] - Successfully saved 31539 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:09,168 - root - INFO - [chat.py:380] - Successfully saved 31568 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:09,324 - root - INFO - [chat.py:380] - Successfully saved 31597 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:09,477 - root - INFO - [chat.py:380] - Successfully saved 31626 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:09,629 - root - INFO - [chat.py:380] - Successfully saved 31651 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:09,782 - root - INFO - [chat.py:380] - Successfully saved 31680 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:09,939 - root - INFO - [chat.py:380] - Successfully saved 31709 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:10,094 - root - INFO - [chat.py:380] - Successfully saved 31738 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:10,247 - root - INFO - [chat.py:380] - Successfully saved 31767 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:10,400 - root - INFO - [chat.py:380] - Successfully saved 31796 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:10,565 - root - INFO - [chat.py:380] - Successfully saved 31825 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:10,720 - root - INFO - [chat.py:380] - Successfully saved 31854 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:10,874 - root - INFO - [chat.py:380] - Successfully saved 31883 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:11,028 - root - INFO - [chat.py:380] - Successfully saved 31909 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:11,184 - root - INFO - [chat.py:380] - Successfully saved 31937 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:11,340 - root - INFO - [chat.py:380] - Successfully saved 31966 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:11,495 - root - INFO - [chat.py:380] - Successfully saved 31995 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:11,651 - root - INFO - [chat.py:380] - Successfully saved 32019 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:11,805 - root - INFO - [chat.py:380] - Successfully saved 32039 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:11,963 - root - INFO - [chat.py:380] - Successfully saved 32057 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:12,121 - root - INFO - [chat.py:380] - Successfully saved 32075 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:12,277 - root - INFO - [chat.py:380] - Successfully saved 32093 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:12,433 - root - INFO - [chat.py:380] - Successfully saved 32116 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:12,590 - root - INFO - [chat.py:380] - Successfully saved 32138 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:12,747 - root - INFO - [chat.py:380] - Successfully saved 32161 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:12,903 - root - INFO - [chat.py:380] - Successfully saved 32184 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:13,061 - root - INFO - [chat.py:380] - Successfully saved 32208 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:13,218 - root - INFO - [chat.py:380] - Successfully saved 32235 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:13,375 - root - INFO - [chat.py:380] - Successfully saved 32253 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:13,533 - root - INFO - [chat.py:380] - Successfully saved 32270 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:13,694 - root - INFO - [chat.py:380] - Successfully saved 32287 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:13,855 - root - INFO - [chat.py:380] - Successfully saved 32305 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:14,424 - root - INFO - [chat.py:380] - Successfully saved 32333 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:14,587 - root - INFO - [chat.py:380] - Successfully saved 32355 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:14,748 - root - INFO - [chat.py:380] - Successfully saved 32374 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:14,910 - root - INFO - [chat.py:380] - Successfully saved 32392 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:15,070 - root - INFO - [chat.py:380] - Successfully saved 32410 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:15,230 - root - INFO - [chat.py:380] - Successfully saved 32428 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:15,392 - root - INFO - [chat.py:380] - Successfully saved 32446 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:15,552 - root - INFO - [chat.py:380] - Successfully saved 32465 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:15,711 - root - INFO - [chat.py:380] - Successfully saved 32483 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:15,872 - root - INFO - [chat.py:380] - Successfully saved 32501 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:16,035 - root - INFO - [chat.py:380] - Successfully saved 32519 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:16,193 - root - INFO - [chat.py:380] - Successfully saved 32537 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:16,355 - root - INFO - [chat.py:380] - Successfully saved 32555 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:16,516 - root - INFO - [chat.py:380] - Successfully saved 32574 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:16,675 - root - INFO - [chat.py:380] - Successfully saved 32598 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:16,837 - root - INFO - [chat.py:380] - Successfully saved 32627 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:16,999 - root - INFO - [chat.py:380] - Successfully saved 32656 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:17,680 - root - INFO - [chat.py:380] - Successfully saved 32685 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:17,844 - root - INFO - [chat.py:380] - Successfully saved 32714 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:18,009 - root - INFO - [chat.py:380] - Successfully saved 32743 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:18,179 - root - INFO - [chat.py:380] - Successfully saved 32772 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:18,348 - root - INFO - [chat.py:380] - Successfully saved 32801 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:18,514 - root - INFO - [chat.py:380] - Successfully saved 32830 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:18,682 - root - INFO - [chat.py:380] - Successfully saved 32857 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:18,843 - root - INFO - [chat.py:380] - Successfully saved 32875 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:19,047 - root - INFO - [chat.py:380] - Successfully saved 32893 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:19,216 - root - INFO - [chat.py:380] - Successfully saved 32914 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:19,392 - root - INFO - [chat.py:380] - Successfully saved 32932 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:19,782 - root - INFO - [chat.py:380] - Successfully saved 32950 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:19,957 - root - INFO - [chat.py:380] - Successfully saved 32968 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:20,131 - root - INFO - [chat.py:380] - Successfully saved 32985 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:20,296 - root - INFO - [chat.py:380] - Successfully saved 33002 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:20,481 - root - INFO - [chat.py:380] - Successfully saved 33019 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:20,673 - root - INFO - [chat.py:380] - Successfully saved 33037 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:20,851 - root - INFO - [chat.py:380] - Successfully saved 33055 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:21,017 - root - INFO - [chat.py:380] - Successfully saved 33072 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:21,434 - root - INFO - [chat.py:380] - Successfully saved 33090 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:21,600 - root - INFO - [chat.py:380] - Successfully saved 33108 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:21,767 - root - INFO - [chat.py:380] - Successfully saved 33126 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:21,934 - root - INFO - [chat.py:380] - Successfully saved 33145 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:22,098 - root - INFO - [chat.py:380] - Successfully saved 33163 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:22,258 - root - INFO - [chat.py:380] - Successfully saved 33181 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:22,431 - root - INFO - [chat.py:380] - Successfully saved 33199 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:22,593 - root - INFO - [chat.py:380] - Successfully saved 33217 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:22,755 - root - INFO - [chat.py:380] - Successfully saved 33236 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:22,918 - root - INFO - [chat.py:380] - Successfully saved 33255 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:23,084 - root - INFO - [chat.py:380] - Successfully saved 33274 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:23,247 - root - INFO - [chat.py:380] - Successfully saved 33292 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:23,412 - root - INFO - [chat.py:380] - Successfully saved 33312 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:23,583 - root - INFO - [chat.py:380] - Successfully saved 33332 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:23,752 - root - INFO - [chat.py:380] - Successfully saved 33351 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:23,924 - root - INFO - [chat.py:380] - Successfully saved 33371 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:24,089 - root - INFO - [chat.py:380] - Successfully saved 33389 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:24,251 - root - INFO - [chat.py:380] - Successfully saved 33407 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:24,415 - root - INFO - [chat.py:380] - Successfully saved 33425 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:24,578 - root - INFO - [chat.py:380] - Successfully saved 33444 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:24,768 - root - INFO - [chat.py:380] - Successfully saved 33462 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:24,938 - root - INFO - [chat.py:380] - Successfully saved 33481 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:25,102 - root - INFO - [chat.py:380] - Successfully saved 33500 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:25,270 - root - INFO - [chat.py:380] - Successfully saved 33518 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:25,440 - root - INFO - [chat.py:380] - Successfully saved 33536 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:25,605 - root - INFO - [chat.py:380] - Successfully saved 33554 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:25,771 - root - INFO - [chat.py:380] - Successfully saved 33572 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:25,939 - root - INFO - [chat.py:380] - Successfully saved 33590 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:26,110 - root - INFO - [chat.py:380] - Successfully saved 33609 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:26,276 - root - INFO - [chat.py:380] - Successfully saved 33631 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:26,445 - root - INFO - [chat.py:380] - Successfully saved 33649 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:26,612 - root - INFO - [chat.py:380] - Successfully saved 33667 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:26,783 - root - INFO - [chat.py:380] - Successfully saved 33685 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:26,955 - root - INFO - [chat.py:380] - Successfully saved 33703 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:27,120 - root - INFO - [chat.py:380] - Successfully saved 33721 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:27,284 - root - INFO - [chat.py:380] - Successfully saved 33741 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:27,452 - root - INFO - [chat.py:380] - Successfully saved 33759 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:27,616 - root - INFO - [chat.py:380] - Successfully saved 33777 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:27,778 - root - INFO - [chat.py:380] - Successfully saved 33795 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:27,947 - root - INFO - [chat.py:380] - Successfully saved 33813 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:28,112 - root - INFO - [chat.py:380] - Successfully saved 33831 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:28,275 - root - INFO - [chat.py:380] - Successfully saved 33849 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:28,452 - root - INFO - [chat.py:380] - Successfully saved 33868 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:28,620 - root - INFO - [chat.py:380] - Successfully saved 33886 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:28,784 - root - INFO - [chat.py:380] - Successfully saved 33904 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:28,959 - root - INFO - [chat.py:380] - Successfully saved 33922 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:29,127 - root - INFO - [chat.py:380] - Successfully saved 33940 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:29,293 - root - INFO - [chat.py:380] - Successfully saved 33958 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:29,465 - root - INFO - [chat.py:380] - Successfully saved 33976 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:29,632 - root - INFO - [chat.py:380] - Successfully saved 33994 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:29,801 - root - INFO - [chat.py:380] - Successfully saved 34012 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:29,972 - root - INFO - [chat.py:380] - Successfully saved 34030 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:30,141 - root - INFO - [chat.py:380] - Successfully saved 34048 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:30,307 - root - INFO - [chat.py:380] - Successfully saved 34066 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:30,481 - root - INFO - [chat.py:380] - Successfully saved 34084 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:30,657 - root - INFO - [chat.py:380] - Successfully saved 34102 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:30,826 - root - INFO - [chat.py:380] - Successfully saved 34123 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:31,026 - root - INFO - [chat.py:380] - Successfully saved 34144 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:31,216 - root - INFO - [chat.py:380] - Successfully saved 34164 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:31,386 - root - INFO - [chat.py:380] - Successfully saved 34188 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:31,553 - root - INFO - [chat.py:380] - Successfully saved 34210 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:31,722 - root - INFO - [chat.py:380] - Successfully saved 34230 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:31,893 - root - INFO - [chat.py:380] - Successfully saved 34249 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:32,065 - root - INFO - [chat.py:380] - Successfully saved 34268 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:32,236 - root - INFO - [chat.py:380] - Successfully saved 34287 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:32,408 - root - INFO - [chat.py:380] - Successfully saved 34305 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:32,585 - root - INFO - [chat.py:380] - Successfully saved 34325 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:32,759 - root - INFO - [chat.py:380] - Successfully saved 34343 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:32,929 - root - INFO - [chat.py:380] - Successfully saved 34361 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:33,097 - root - INFO - [chat.py:380] - Successfully saved 34379 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:33,265 - root - INFO - [chat.py:380] - Successfully saved 34397 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:33,437 - root - INFO - [chat.py:380] - Successfully saved 34416 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:33,609 - root - INFO - [chat.py:380] - Successfully saved 34434 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:33,779 - root - INFO - [chat.py:380] - Successfully saved 34452 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:33,948 - root - INFO - [chat.py:380] - Successfully saved 34470 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:34,120 - root - INFO - [chat.py:380] - Successfully saved 34488 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:34,287 - root - INFO - [chat.py:380] - Successfully saved 34506 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:34,454 - root - INFO - [chat.py:380] - Successfully saved 34524 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:34,623 - root - INFO - [chat.py:380] - Successfully saved 34542 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:34,792 - root - INFO - [chat.py:380] - Successfully saved 34560 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:34,964 - root - INFO - [chat.py:380] - Successfully saved 34578 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:35,135 - root - INFO - [chat.py:380] - Successfully saved 34596 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:35,307 - root - INFO - [chat.py:380] - Successfully saved 34614 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:35,478 - root - INFO - [chat.py:380] - Successfully saved 34632 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:35,650 - root - INFO - [chat.py:380] - Successfully saved 34650 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:35,833 - root - INFO - [chat.py:380] - Successfully saved 34668 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:36,012 - root - INFO - [chat.py:380] - Successfully saved 34686 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:36,185 - root - INFO - [chat.py:380] - Successfully saved 34704 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:36,412 - root - INFO - [chat.py:380] - Successfully saved 34722 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:36,587 - root - INFO - [chat.py:380] - Successfully saved 34740 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:36,761 - root - INFO - [chat.py:380] - Successfully saved 34758 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:36,939 - root - INFO - [chat.py:380] - Successfully saved 34776 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:37,113 - root - INFO - [chat.py:380] - Successfully saved 34794 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:37,290 - root - INFO - [chat.py:380] - Successfully saved 34814 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:37,464 - root - INFO - [chat.py:380] - Successfully saved 34835 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:37,644 - root - INFO - [chat.py:380] - Successfully saved 34855 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:37,815 - root - INFO - [chat.py:380] - Successfully saved 34879 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:37,992 - root - INFO - [chat.py:380] - Successfully saved 34899 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:38,167 - root - INFO - [chat.py:380] - Successfully saved 34917 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:38,343 - root - INFO - [chat.py:380] - Successfully saved 34935 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:38,515 - root - INFO - [chat.py:380] - Successfully saved 34953 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:38,692 - root - INFO - [chat.py:380] - Successfully saved 34971 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:38,865 - root - INFO - [chat.py:380] - Successfully saved 34989 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:39,038 - root - INFO - [chat.py:380] - Successfully saved 35009 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:39,210 - root - INFO - [chat.py:380] - Successfully saved 35027 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:39,381 - root - INFO - [chat.py:380] - Successfully saved 35045 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:39,552 - root - INFO - [chat.py:380] - Successfully saved 35063 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:39,725 - root - INFO - [chat.py:380] - Successfully saved 35081 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:39,898 - root - INFO - [chat.py:380] - Successfully saved 35102 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:40,071 - root - INFO - [chat.py:380] - Successfully saved 35124 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:40,244 - root - INFO - [chat.py:380] - Successfully saved 35144 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:40,416 - root - INFO - [chat.py:380] - Successfully saved 35165 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:40,599 - root - INFO - [chat.py:380] - Successfully saved 35187 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:40,773 - root - INFO - [chat.py:380] - Successfully saved 35206 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:40,946 - root - INFO - [chat.py:380] - Successfully saved 35224 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:41,123 - root - INFO - [chat.py:380] - Successfully saved 35242 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:41,299 - root - INFO - [chat.py:380] - Successfully saved 35262 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:41,474 - root - INFO - [chat.py:380] - Successfully saved 35284 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:41,649 - root - INFO - [chat.py:380] - Successfully saved 35302 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:41,825 - root - INFO - [chat.py:380] - Successfully saved 35320 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:42,001 - root - INFO - [chat.py:380] - Successfully saved 35338 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:42,174 - root - INFO - [chat.py:380] - Successfully saved 35356 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:42,347 - root - INFO - [chat.py:380] - Successfully saved 35374 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:42,519 - root - INFO - [chat.py:380] - Successfully saved 35393 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:42,694 - root - INFO - [chat.py:380] - Successfully saved 35412 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:42,867 - root - INFO - [chat.py:380] - Successfully saved 35430 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:43,043 - root - INFO - [chat.py:380] - Successfully saved 35448 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:43,218 - root - INFO - [chat.py:380] - Successfully saved 35466 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:43,398 - root - INFO - [chat.py:380] - Successfully saved 35484 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:43,572 - root - INFO - [chat.py:380] - Successfully saved 35502 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:43,751 - root - INFO - [chat.py:380] - Successfully saved 35521 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:43,930 - root - INFO - [chat.py:380] - Successfully saved 35539 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:44,114 - root - INFO - [chat.py:380] - Successfully saved 35561 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:44,298 - root - INFO - [chat.py:380] - Successfully saved 35580 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:44,495 - root - INFO - [chat.py:380] - Successfully saved 35598 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:44,679 - root - INFO - [chat.py:380] - Successfully saved 35616 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:44,862 - root - INFO - [chat.py:380] - Successfully saved 35637 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:45,048 - root - INFO - [chat.py:380] - Successfully saved 35659 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:45,235 - root - INFO - [chat.py:380] - Successfully saved 35688 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:45,421 - root - INFO - [chat.py:380] - Successfully saved 35717 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:45,604 - root - INFO - [chat.py:380] - Successfully saved 35746 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:45,790 - root - INFO - [chat.py:380] - Successfully saved 35775 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:45,978 - root - INFO - [chat.py:380] - Successfully saved 35804 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:46,159 - root - INFO - [chat.py:380] - Successfully saved 35833 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:46,334 - root - INFO - [chat.py:380] - Successfully saved 35862 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:46,515 - root - INFO - [chat.py:380] - Successfully saved 35891 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:46,698 - root - INFO - [chat.py:380] - Successfully saved 35920 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:46,887 - root - INFO - [chat.py:380] - Successfully saved 35949 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:47,072 - root - INFO - [chat.py:380] - Successfully saved 35978 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:47,286 - root - INFO - [chat.py:380] - Successfully saved 36007 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:47,475 - root - INFO - [chat.py:380] - Successfully saved 36036 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:47,655 - root - INFO - [chat.py:380] - Successfully saved 36064 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:47,841 - root - INFO - [chat.py:380] - Successfully saved 36089 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:48,030 - root - INFO - [chat.py:380] - Successfully saved 36110 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:48,209 - root - INFO - [chat.py:380] - Successfully saved 36131 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:48,390 - root - INFO - [chat.py:380] - Successfully saved 36149 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:48,578 - root - INFO - [chat.py:380] - Successfully saved 36167 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:48,761 - root - INFO - [chat.py:380] - Successfully saved 36189 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:48,940 - root - INFO - [chat.py:380] - Successfully saved 36209 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:49,120 - root - INFO - [chat.py:380] - Successfully saved 36229 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:49,300 - root - INFO - [chat.py:380] - Successfully saved 36249 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:49,482 - root - INFO - [chat.py:380] - Successfully saved 36270 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:49,663 - root - INFO - [chat.py:380] - Successfully saved 36288 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:49,844 - root - INFO - [chat.py:380] - Successfully saved 36305 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:50,031 - root - INFO - [chat.py:380] - Successfully saved 36322 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:50,209 - root - INFO - [chat.py:380] - Successfully saved 36339 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:50,387 - root - INFO - [chat.py:380] - Successfully saved 36358 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:50,568 - root - INFO - [chat.py:380] - Successfully saved 36377 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:50,746 - root - INFO - [chat.py:380] - Successfully saved 36397 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:50,931 - root - INFO - [chat.py:380] - Successfully saved 36415 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:51,112 - root - INFO - [chat.py:380] - Successfully saved 36433 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:51,290 - root - INFO - [chat.py:380] - Successfully saved 36453 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:51,472 - root - INFO - [chat.py:380] - Successfully saved 36474 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:51,651 - root - INFO - [chat.py:380] - Successfully saved 36496 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:51,831 - root - INFO - [chat.py:380] - Successfully saved 36515 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:52,013 - root - INFO - [chat.py:380] - Successfully saved 36535 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:52,193 - root - INFO - [chat.py:380] - Successfully saved 36564 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:52,374 - root - INFO - [chat.py:380] - Successfully saved 36588 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:52,559 - root - INFO - [chat.py:380] - Successfully saved 36612 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:52,741 - root - INFO - [chat.py:380] - Successfully saved 36630 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:52,933 - root - INFO - [chat.py:380] - Successfully saved 36648 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:53,122 - root - INFO - [chat.py:380] - Successfully saved 36666 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:53,302 - root - INFO - [chat.py:380] - Successfully saved 36684 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:53,481 - root - INFO - [chat.py:380] - Successfully saved 36703 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:53,675 - root - INFO - [chat.py:380] - Successfully saved 36721 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:53,862 - root - INFO - [chat.py:380] - Successfully saved 36739 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:54,048 - root - INFO - [chat.py:380] - Successfully saved 36757 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:54,230 - root - INFO - [chat.py:380] - Successfully saved 36775 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:54,413 - root - INFO - [chat.py:380] - Successfully saved 36793 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:54,603 - root - INFO - [chat.py:380] - Successfully saved 36812 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:54,787 - root - INFO - [chat.py:380] - Successfully saved 36830 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:54,984 - root - INFO - [chat.py:380] - Successfully saved 36848 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:55,169 - root - INFO - [chat.py:380] - Successfully saved 36866 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:55,354 - root - INFO - [chat.py:380] - Successfully saved 36884 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:55,546 - root - INFO - [chat.py:380] - Successfully saved 36902 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:55,727 - root - INFO - [chat.py:380] - Successfully saved 36922 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:55,910 - root - INFO - [chat.py:380] - Successfully saved 36947 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:56,098 - root - INFO - [chat.py:380] - Successfully saved 36976 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:56,286 - root - INFO - [chat.py:380] - Successfully saved 37005 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:56,488 - root - INFO - [chat.py:380] - Successfully saved 37034 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:56,681 - root - INFO - [chat.py:380] - Successfully saved 37063 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:56,865 - root - INFO - [chat.py:380] - Successfully saved 37092 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:57,051 - root - INFO - [chat.py:380] - Successfully saved 37121 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:57,237 - root - INFO - [chat.py:380] - Successfully saved 37150 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:57,420 - root - INFO - [chat.py:380] - Successfully saved 37179 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:57,614 - root - INFO - [chat.py:380] - Successfully saved 37208 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:57,882 - root - INFO - [chat.py:380] - Successfully saved 37237 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:58,094 - root - INFO - [chat.py:380] - Successfully saved 37266 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:58,280 - root - INFO - [chat.py:380] - Successfully saved 37295 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:58,467 - root - INFO - [chat.py:380] - Successfully saved 37324 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:58,655 - root - INFO - [chat.py:380] - Successfully saved 37353 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:58,839 - root - INFO - [chat.py:380] - Successfully saved 37382 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:59,028 - root - INFO - [chat.py:380] - Successfully saved 37411 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:59,214 - root - INFO - [chat.py:380] - Successfully saved 37440 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:59,401 - root - INFO - [chat.py:380] - Successfully saved 37469 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:59,595 - root - INFO - [chat.py:380] - Successfully saved 37498 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:59,791 - root - INFO - [chat.py:380] - Successfully saved 37522 unique ICD codes to JSON for hospital 228 -2025-06-07 14:25:59,980 - root - INFO - [chat.py:380] - Successfully saved 37548 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:00,166 - root - INFO - [chat.py:380] - Successfully saved 37574 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:00,351 - root - INFO - [chat.py:380] - Successfully saved 37601 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:00,540 - root - INFO - [chat.py:380] - Successfully saved 37628 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:00,728 - root - INFO - [chat.py:380] - Successfully saved 37652 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:00,913 - root - INFO - [chat.py:380] - Successfully saved 37677 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:01,103 - root - INFO - [chat.py:380] - Successfully saved 37699 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:01,290 - root - INFO - [chat.py:380] - Successfully saved 37720 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:01,477 - root - INFO - [chat.py:380] - Successfully saved 37742 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:01,662 - root - INFO - [chat.py:380] - Successfully saved 37770 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:01,850 - root - INFO - [chat.py:380] - Successfully saved 37799 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:02,040 - root - INFO - [chat.py:380] - Successfully saved 37825 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:02,225 - root - INFO - [chat.py:380] - Successfully saved 37853 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:02,413 - root - INFO - [chat.py:380] - Successfully saved 37877 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:02,602 - root - INFO - [chat.py:380] - Successfully saved 37899 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:02,787 - root - INFO - [chat.py:380] - Successfully saved 37923 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:02,976 - root - INFO - [chat.py:380] - Successfully saved 37952 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:03,168 - root - INFO - [chat.py:380] - Successfully saved 37981 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:03,357 - root - INFO - [chat.py:380] - Successfully saved 38010 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:03,561 - root - INFO - [chat.py:380] - Successfully saved 38039 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:03,757 - root - INFO - [chat.py:380] - Successfully saved 38065 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:03,955 - root - INFO - [chat.py:380] - Successfully saved 38083 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:04,153 - root - INFO - [chat.py:380] - Successfully saved 38101 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:04,354 - root - INFO - [chat.py:380] - Successfully saved 38119 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:04,564 - root - INFO - [chat.py:380] - Successfully saved 38137 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:04,763 - root - INFO - [chat.py:380] - Successfully saved 38155 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:04,959 - root - INFO - [chat.py:380] - Successfully saved 38173 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:05,150 - root - INFO - [chat.py:380] - Successfully saved 38191 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:05,338 - root - INFO - [chat.py:380] - Successfully saved 38209 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:05,529 - root - INFO - [chat.py:380] - Successfully saved 38230 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:05,721 - root - INFO - [chat.py:380] - Successfully saved 38248 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:05,913 - root - INFO - [chat.py:380] - Successfully saved 38266 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:06,110 - root - INFO - [chat.py:380] - Successfully saved 38286 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:06,301 - root - INFO - [chat.py:380] - Successfully saved 38307 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:06,495 - root - INFO - [chat.py:380] - Successfully saved 38325 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:06,690 - root - INFO - [chat.py:380] - Successfully saved 38343 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:06,917 - root - INFO - [chat.py:380] - Successfully saved 38361 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:07,114 - root - INFO - [chat.py:380] - Successfully saved 38379 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:07,307 - root - INFO - [chat.py:380] - Successfully saved 38397 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:07,500 - root - INFO - [chat.py:380] - Successfully saved 38415 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:07,693 - root - INFO - [chat.py:380] - Successfully saved 38433 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:07,885 - root - INFO - [chat.py:380] - Successfully saved 38455 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:08,083 - root - INFO - [chat.py:380] - Successfully saved 38477 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:08,279 - root - INFO - [chat.py:380] - Successfully saved 38495 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:08,474 - root - INFO - [chat.py:380] - Successfully saved 38513 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:08,677 - root - INFO - [chat.py:380] - Successfully saved 38531 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:08,874 - root - INFO - [chat.py:380] - Successfully saved 38549 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:09,078 - root - INFO - [chat.py:380] - Successfully saved 38568 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:09,274 - root - INFO - [chat.py:380] - Successfully saved 38588 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:09,472 - root - INFO - [chat.py:380] - Successfully saved 38615 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:09,820 - root - INFO - [chat.py:380] - Successfully saved 38639 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:10,027 - root - INFO - [chat.py:380] - Successfully saved 38659 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:10,247 - root - INFO - [chat.py:380] - Successfully saved 38677 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:10,448 - root - INFO - [chat.py:380] - Successfully saved 38695 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:10,660 - root - INFO - [chat.py:380] - Successfully saved 38713 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:10,854 - root - INFO - [chat.py:380] - Successfully saved 38731 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:11,061 - root - INFO - [chat.py:380] - Successfully saved 38749 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:11,265 - root - INFO - [chat.py:380] - Successfully saved 38767 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:11,464 - root - INFO - [chat.py:380] - Successfully saved 38787 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:11,661 - root - INFO - [chat.py:380] - Successfully saved 38807 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:11,890 - root - INFO - [chat.py:380] - Successfully saved 38827 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:12,110 - root - INFO - [chat.py:380] - Successfully saved 38848 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:12,375 - root - INFO - [chat.py:380] - Successfully saved 38868 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:12,589 - root - INFO - [chat.py:380] - Successfully saved 38886 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:12,792 - root - INFO - [chat.py:380] - Successfully saved 38904 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:12,998 - root - INFO - [chat.py:380] - Successfully saved 38922 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:13,212 - root - INFO - [chat.py:380] - Successfully saved 38942 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:13,418 - root - INFO - [chat.py:380] - Successfully saved 38960 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:13,620 - root - INFO - [chat.py:380] - Successfully saved 38978 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:13,817 - root - INFO - [chat.py:380] - Successfully saved 38997 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:14,013 - root - INFO - [chat.py:380] - Successfully saved 39016 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:14,216 - root - INFO - [chat.py:380] - Successfully saved 39034 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:14,415 - root - INFO - [chat.py:380] - Successfully saved 39052 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:14,612 - root - INFO - [chat.py:380] - Successfully saved 39072 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:14,808 - root - INFO - [chat.py:380] - Successfully saved 39090 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:15,007 - root - INFO - [chat.py:380] - Successfully saved 39108 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:15,205 - root - INFO - [chat.py:380] - Successfully saved 39126 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:15,408 - root - INFO - [chat.py:380] - Successfully saved 39145 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:15,613 - root - INFO - [chat.py:380] - Successfully saved 39163 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:15,812 - root - INFO - [chat.py:380] - Successfully saved 39181 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:16,013 - root - INFO - [chat.py:380] - Successfully saved 39199 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:16,209 - root - INFO - [chat.py:380] - Successfully saved 39218 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:16,407 - root - INFO - [chat.py:380] - Successfully saved 39236 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:16,605 - root - INFO - [chat.py:380] - Successfully saved 39254 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:16,802 - root - INFO - [chat.py:380] - Successfully saved 39272 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:17,002 - root - INFO - [chat.py:380] - Successfully saved 39292 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:17,200 - root - INFO - [chat.py:380] - Successfully saved 39313 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:17,403 - root - INFO - [chat.py:380] - Successfully saved 39334 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:17,603 - root - INFO - [chat.py:380] - Successfully saved 39356 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:17,800 - root - INFO - [chat.py:380] - Successfully saved 39377 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:17,999 - root - INFO - [chat.py:380] - Successfully saved 39397 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:18,200 - root - INFO - [chat.py:380] - Successfully saved 39417 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:18,399 - root - INFO - [chat.py:380] - Successfully saved 39438 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:18,617 - root - INFO - [chat.py:380] - Successfully saved 39458 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:18,844 - root - INFO - [chat.py:380] - Successfully saved 39479 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:19,062 - root - INFO - [chat.py:380] - Successfully saved 39500 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:19,277 - root - INFO - [chat.py:380] - Successfully saved 39521 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:19,491 - root - INFO - [chat.py:380] - Successfully saved 39541 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:19,712 - root - INFO - [chat.py:380] - Successfully saved 39560 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:19,930 - root - INFO - [chat.py:380] - Successfully saved 39581 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:20,147 - root - INFO - [chat.py:380] - Successfully saved 39601 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:20,361 - root - INFO - [chat.py:380] - Successfully saved 39622 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:20,579 - root - INFO - [chat.py:380] - Successfully saved 39643 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:20,792 - root - INFO - [chat.py:380] - Successfully saved 39664 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:21,012 - root - INFO - [chat.py:380] - Successfully saved 39685 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:21,229 - root - INFO - [chat.py:380] - Successfully saved 39706 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:21,444 - root - INFO - [chat.py:380] - Successfully saved 39727 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:21,661 - root - INFO - [chat.py:380] - Successfully saved 39747 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:21,876 - root - INFO - [chat.py:380] - Successfully saved 39765 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:22,100 - root - INFO - [chat.py:380] - Successfully saved 39784 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:22,352 - root - INFO - [chat.py:380] - Successfully saved 39803 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:22,593 - root - INFO - [chat.py:380] - Successfully saved 39822 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:22,821 - root - INFO - [chat.py:380] - Successfully saved 39840 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:23,036 - root - INFO - [chat.py:380] - Successfully saved 39860 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:23,256 - root - INFO - [chat.py:380] - Successfully saved 39880 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:23,479 - root - INFO - [chat.py:380] - Successfully saved 39900 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:23,703 - root - INFO - [chat.py:380] - Successfully saved 39920 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:23,920 - root - INFO - [chat.py:380] - Successfully saved 39941 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:24,143 - root - INFO - [chat.py:380] - Successfully saved 39961 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:24,362 - root - INFO - [chat.py:380] - Successfully saved 39987 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:24,581 - root - INFO - [chat.py:380] - Successfully saved 40016 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:24,805 - root - INFO - [chat.py:380] - Successfully saved 40045 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:25,024 - root - INFO - [chat.py:380] - Successfully saved 40074 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:25,242 - root - INFO - [chat.py:380] - Successfully saved 40103 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:25,463 - root - INFO - [chat.py:380] - Successfully saved 40132 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:25,686 - root - INFO - [chat.py:380] - Successfully saved 40161 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:25,903 - root - INFO - [chat.py:380] - Successfully saved 40190 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:26,125 - root - INFO - [chat.py:380] - Successfully saved 40219 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:26,347 - root - INFO - [chat.py:380] - Successfully saved 40248 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:26,566 - root - INFO - [chat.py:380] - Successfully saved 40277 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:26,782 - root - INFO - [chat.py:380] - Successfully saved 40306 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:27,003 - root - INFO - [chat.py:380] - Successfully saved 40335 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:27,220 - root - INFO - [chat.py:380] - Successfully saved 40364 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:27,439 - root - INFO - [chat.py:380] - Successfully saved 40393 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:27,664 - root - INFO - [chat.py:380] - Successfully saved 40422 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:27,883 - root - INFO - [chat.py:380] - Successfully saved 40451 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:28,103 - root - INFO - [chat.py:380] - Successfully saved 40480 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:28,323 - root - INFO - [chat.py:380] - Successfully saved 40509 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:28,546 - root - INFO - [chat.py:380] - Successfully saved 40538 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:28,767 - root - INFO - [chat.py:380] - Successfully saved 40567 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:28,987 - root - INFO - [chat.py:380] - Successfully saved 40585 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:29,211 - root - INFO - [chat.py:380] - Successfully saved 40602 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:29,441 - root - INFO - [chat.py:380] - Successfully saved 40619 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:29,677 - root - INFO - [chat.py:380] - Successfully saved 40636 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:29,910 - root - INFO - [chat.py:380] - Successfully saved 40653 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:30,143 - root - INFO - [chat.py:380] - Successfully saved 40670 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:30,368 - root - INFO - [chat.py:380] - Successfully saved 40687 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:30,593 - root - INFO - [chat.py:380] - Successfully saved 40704 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:30,817 - root - INFO - [chat.py:380] - Successfully saved 40722 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:31,040 - root - INFO - [chat.py:380] - Successfully saved 40751 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:31,269 - root - INFO - [chat.py:380] - Successfully saved 40780 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:31,494 - root - INFO - [chat.py:380] - Successfully saved 40809 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:31,720 - root - INFO - [chat.py:380] - Successfully saved 40838 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:31,946 - root - INFO - [chat.py:380] - Successfully saved 40867 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:32,177 - root - INFO - [chat.py:380] - Successfully saved 40896 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:32,399 - root - INFO - [chat.py:380] - Successfully saved 40925 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:32,625 - root - INFO - [chat.py:380] - Successfully saved 40954 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:32,853 - root - INFO - [chat.py:380] - Successfully saved 40983 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:33,077 - root - INFO - [chat.py:380] - Successfully saved 41012 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:33,299 - root - INFO - [chat.py:380] - Successfully saved 41039 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:33,524 - root - INFO - [chat.py:380] - Successfully saved 41065 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:33,763 - root - INFO - [chat.py:380] - Successfully saved 41092 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:34,002 - root - INFO - [chat.py:380] - Successfully saved 41121 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:34,242 - root - INFO - [chat.py:380] - Successfully saved 41150 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:34,486 - root - INFO - [chat.py:380] - Successfully saved 41179 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:34,723 - root - INFO - [chat.py:380] - Successfully saved 41208 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:34,964 - root - INFO - [chat.py:380] - Successfully saved 41237 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:35,206 - root - INFO - [chat.py:380] - Successfully saved 41261 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:35,441 - root - INFO - [chat.py:380] - Successfully saved 41281 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:35,677 - root - INFO - [chat.py:380] - Successfully saved 41300 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:35,913 - root - INFO - [chat.py:380] - Successfully saved 41318 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:36,151 - root - INFO - [chat.py:380] - Successfully saved 41335 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:36,388 - root - INFO - [chat.py:380] - Successfully saved 41352 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:36,630 - root - INFO - [chat.py:380] - Successfully saved 41371 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:36,870 - root - INFO - [chat.py:380] - Successfully saved 41391 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:37,113 - root - INFO - [chat.py:380] - Successfully saved 41409 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:37,358 - root - INFO - [chat.py:380] - Successfully saved 41427 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:37,600 - root - INFO - [chat.py:380] - Successfully saved 41444 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:37,843 - root - INFO - [chat.py:380] - Successfully saved 41462 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:38,065 - root - INFO - [chat.py:380] - Successfully saved 41480 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:38,289 - root - INFO - [chat.py:380] - Successfully saved 41497 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:38,506 - root - INFO - [chat.py:380] - Successfully saved 41514 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:38,741 - root - INFO - [chat.py:380] - Successfully saved 41532 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:38,958 - root - INFO - [chat.py:380] - Successfully saved 41550 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:39,177 - root - INFO - [chat.py:380] - Successfully saved 41567 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:39,388 - root - INFO - [chat.py:380] - Successfully saved 41584 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:39,600 - root - INFO - [chat.py:380] - Successfully saved 41601 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:39,815 - root - INFO - [chat.py:380] - Successfully saved 41619 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:40,043 - root - INFO - [chat.py:380] - Successfully saved 41637 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:40,259 - root - INFO - [chat.py:380] - Successfully saved 41654 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:40,475 - root - INFO - [chat.py:380] - Successfully saved 41671 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:40,733 - root - INFO - [chat.py:380] - Successfully saved 41689 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:40,955 - root - INFO - [chat.py:380] - Successfully saved 41707 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:41,183 - root - INFO - [chat.py:380] - Successfully saved 41724 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:41,407 - root - INFO - [chat.py:380] - Successfully saved 41742 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:41,625 - root - INFO - [chat.py:380] - Successfully saved 41759 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:41,852 - root - INFO - [chat.py:380] - Successfully saved 41777 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:42,087 - root - INFO - [chat.py:380] - Successfully saved 41794 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:42,304 - root - INFO - [chat.py:380] - Successfully saved 41812 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:42,541 - root - INFO - [chat.py:380] - Successfully saved 41830 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:42,777 - root - INFO - [chat.py:380] - Successfully saved 41857 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:43,000 - root - INFO - [chat.py:380] - Successfully saved 41886 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:43,226 - root - INFO - [chat.py:380] - Successfully saved 41914 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:43,446 - root - INFO - [chat.py:380] - Successfully saved 41939 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:43,666 - root - INFO - [chat.py:380] - Successfully saved 41963 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:43,882 - root - INFO - [chat.py:380] - Successfully saved 41990 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:44,105 - root - INFO - [chat.py:380] - Successfully saved 42019 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:44,323 - root - INFO - [chat.py:380] - Successfully saved 42048 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:44,540 - root - INFO - [chat.py:380] - Successfully saved 42077 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:44,761 - root - INFO - [chat.py:380] - Successfully saved 42106 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:44,985 - root - INFO - [chat.py:380] - Successfully saved 42135 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:45,211 - root - INFO - [chat.py:380] - Successfully saved 42164 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:45,432 - root - INFO - [chat.py:380] - Successfully saved 42193 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:45,653 - root - INFO - [chat.py:380] - Successfully saved 42222 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:45,898 - root - INFO - [chat.py:380] - Successfully saved 42251 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:46,130 - root - INFO - [chat.py:380] - Successfully saved 42280 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:46,353 - root - INFO - [chat.py:380] - Successfully saved 42309 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:46,585 - root - INFO - [chat.py:380] - Successfully saved 42338 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:46,814 - root - INFO - [chat.py:380] - Successfully saved 42367 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:47,053 - root - INFO - [chat.py:380] - Successfully saved 42387 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:47,281 - root - INFO - [chat.py:380] - Successfully saved 42405 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:47,508 - root - INFO - [chat.py:380] - Successfully saved 42423 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:47,735 - root - INFO - [chat.py:380] - Successfully saved 42441 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:47,956 - root - INFO - [chat.py:380] - Successfully saved 42459 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:48,181 - root - INFO - [chat.py:380] - Successfully saved 42477 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:48,401 - root - INFO - [chat.py:380] - Successfully saved 42495 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:48,637 - root - INFO - [chat.py:380] - Successfully saved 42513 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:48,859 - root - INFO - [chat.py:380] - Successfully saved 42531 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:49,084 - root - INFO - [chat.py:380] - Successfully saved 42549 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:49,305 - root - INFO - [chat.py:380] - Successfully saved 42567 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:49,525 - root - INFO - [chat.py:380] - Successfully saved 42585 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:49,745 - root - INFO - [chat.py:380] - Successfully saved 42603 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:49,966 - root - INFO - [chat.py:380] - Successfully saved 42621 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:50,189 - root - INFO - [chat.py:380] - Successfully saved 42639 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:50,407 - root - INFO - [chat.py:380] - Successfully saved 42657 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:50,624 - root - INFO - [chat.py:380] - Successfully saved 42677 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:50,845 - root - INFO - [chat.py:380] - Successfully saved 42695 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:51,067 - root - INFO - [chat.py:380] - Successfully saved 42713 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:51,287 - root - INFO - [chat.py:380] - Successfully saved 42731 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:51,506 - root - INFO - [chat.py:380] - Successfully saved 42749 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:51,730 - root - INFO - [chat.py:380] - Successfully saved 42767 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:51,951 - root - INFO - [chat.py:380] - Successfully saved 42786 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:52,173 - root - INFO - [chat.py:380] - Successfully saved 42804 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:52,392 - root - INFO - [chat.py:380] - Successfully saved 42822 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:52,622 - root - INFO - [chat.py:380] - Successfully saved 42840 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:52,843 - root - INFO - [chat.py:380] - Successfully saved 42858 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:53,066 - root - INFO - [chat.py:380] - Successfully saved 42876 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:53,287 - root - INFO - [chat.py:380] - Successfully saved 42894 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:53,506 - root - INFO - [chat.py:380] - Successfully saved 42912 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:53,731 - root - INFO - [chat.py:380] - Successfully saved 42931 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:53,950 - root - INFO - [chat.py:380] - Successfully saved 42949 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:54,173 - root - INFO - [chat.py:380] - Successfully saved 42967 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:54,392 - root - INFO - [chat.py:380] - Successfully saved 42985 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:54,613 - root - INFO - [chat.py:380] - Successfully saved 43003 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:54,833 - root - INFO - [chat.py:380] - Successfully saved 43021 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:55,059 - root - INFO - [chat.py:380] - Successfully saved 43039 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:55,278 - root - INFO - [chat.py:380] - Successfully saved 43057 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:55,498 - root - INFO - [chat.py:380] - Successfully saved 43075 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:55,724 - root - INFO - [chat.py:380] - Successfully saved 43093 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:55,949 - root - INFO - [chat.py:380] - Successfully saved 43111 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:56,174 - root - INFO - [chat.py:380] - Successfully saved 43129 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:56,395 - root - INFO - [chat.py:380] - Successfully saved 43147 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:56,623 - root - INFO - [chat.py:380] - Successfully saved 43165 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:56,847 - root - INFO - [chat.py:380] - Successfully saved 43183 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:57,069 - root - INFO - [chat.py:380] - Successfully saved 43202 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:57,312 - root - INFO - [chat.py:380] - Successfully saved 43221 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:57,535 - root - INFO - [chat.py:380] - Successfully saved 43239 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:57,760 - root - INFO - [chat.py:380] - Successfully saved 43257 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:57,981 - root - INFO - [chat.py:380] - Successfully saved 43275 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:58,205 - root - INFO - [chat.py:380] - Successfully saved 43293 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:58,426 - root - INFO - [chat.py:380] - Successfully saved 43311 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:58,665 - root - INFO - [chat.py:380] - Successfully saved 43329 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:58,895 - root - INFO - [chat.py:380] - Successfully saved 43348 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:59,128 - root - INFO - [chat.py:380] - Successfully saved 43366 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:59,351 - root - INFO - [chat.py:380] - Successfully saved 43384 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:59,580 - root - INFO - [chat.py:380] - Successfully saved 43402 unique ICD codes to JSON for hospital 228 -2025-06-07 14:26:59,817 - root - INFO - [chat.py:380] - Successfully saved 43420 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:00,045 - root - INFO - [chat.py:380] - Successfully saved 43438 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:00,274 - root - INFO - [chat.py:380] - Successfully saved 43456 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:00,499 - root - INFO - [chat.py:380] - Successfully saved 43474 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:00,734 - root - INFO - [chat.py:380] - Successfully saved 43493 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:00,960 - root - INFO - [chat.py:380] - Successfully saved 43511 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:01,188 - root - INFO - [chat.py:380] - Successfully saved 43529 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:01,414 - root - INFO - [chat.py:380] - Successfully saved 43547 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:01,639 - root - INFO - [chat.py:380] - Successfully saved 43565 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:01,866 - root - INFO - [chat.py:380] - Successfully saved 43583 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:02,102 - root - INFO - [chat.py:380] - Successfully saved 43601 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:02,328 - root - INFO - [chat.py:380] - Successfully saved 43620 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:02,561 - root - INFO - [chat.py:380] - Successfully saved 43638 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:02,798 - root - INFO - [chat.py:380] - Successfully saved 43656 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:03,024 - root - INFO - [chat.py:380] - Successfully saved 43674 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:03,253 - root - INFO - [chat.py:380] - Successfully saved 43692 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:03,483 - root - INFO - [chat.py:380] - Successfully saved 43710 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:03,716 - root - INFO - [chat.py:380] - Successfully saved 43728 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:03,950 - root - INFO - [chat.py:380] - Successfully saved 43747 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:04,191 - root - INFO - [chat.py:380] - Successfully saved 43765 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:04,420 - root - INFO - [chat.py:380] - Successfully saved 43783 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:04,660 - root - INFO - [chat.py:380] - Successfully saved 43801 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:04,897 - root - INFO - [chat.py:380] - Successfully saved 43819 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:05,131 - root - INFO - [chat.py:380] - Successfully saved 43837 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:05,360 - root - INFO - [chat.py:380] - Successfully saved 43855 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:05,596 - root - INFO - [chat.py:380] - Successfully saved 43873 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:05,828 - root - INFO - [chat.py:380] - Successfully saved 43891 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:06,068 - root - INFO - [chat.py:380] - Successfully saved 43909 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:06,298 - root - INFO - [chat.py:380] - Successfully saved 43927 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:06,528 - root - INFO - [chat.py:380] - Successfully saved 43945 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:06,763 - root - INFO - [chat.py:380] - Successfully saved 43963 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:06,997 - root - INFO - [chat.py:380] - Successfully saved 43981 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:07,232 - root - INFO - [chat.py:380] - Successfully saved 43999 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:07,463 - root - INFO - [chat.py:380] - Successfully saved 44020 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:07,697 - root - INFO - [chat.py:380] - Successfully saved 44040 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:07,928 - root - INFO - [chat.py:380] - Successfully saved 44058 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:08,163 - root - INFO - [chat.py:380] - Successfully saved 44076 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:08,393 - root - INFO - [chat.py:380] - Successfully saved 44094 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:08,631 - root - INFO - [chat.py:380] - Successfully saved 44112 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:08,870 - root - INFO - [chat.py:380] - Successfully saved 44130 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:09,103 - root - INFO - [chat.py:380] - Successfully saved 44148 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:09,334 - root - INFO - [chat.py:380] - Successfully saved 44166 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:09,565 - root - INFO - [chat.py:380] - Successfully saved 44184 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:09,796 - root - INFO - [chat.py:380] - Successfully saved 44202 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:10,038 - root - INFO - [chat.py:380] - Successfully saved 44220 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:10,268 - root - INFO - [chat.py:380] - Successfully saved 44238 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:10,499 - root - INFO - [chat.py:380] - Successfully saved 44256 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:10,743 - root - INFO - [chat.py:380] - Successfully saved 44274 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:10,977 - root - INFO - [chat.py:380] - Successfully saved 44292 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:11,217 - root - INFO - [chat.py:380] - Successfully saved 44310 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:11,460 - root - INFO - [chat.py:380] - Successfully saved 44328 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:11,704 - root - INFO - [chat.py:380] - Successfully saved 44346 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:11,938 - root - INFO - [chat.py:380] - Successfully saved 44364 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:12,187 - root - INFO - [chat.py:380] - Successfully saved 44382 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:12,420 - root - INFO - [chat.py:380] - Successfully saved 44400 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:12,663 - root - INFO - [chat.py:380] - Successfully saved 44418 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:12,899 - root - INFO - [chat.py:380] - Successfully saved 44436 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:13,218 - root - INFO - [chat.py:380] - Successfully saved 44454 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:14,045 - root - INFO - [chat.py:380] - Successfully saved 44472 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:14,490 - root - INFO - [chat.py:380] - Successfully saved 44490 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:14,729 - root - INFO - [chat.py:380] - Successfully saved 44507 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:15,460 - root - INFO - [chat.py:380] - Successfully saved 44524 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:15,694 - root - INFO - [chat.py:380] - Successfully saved 44541 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:16,006 - root - INFO - [chat.py:380] - Successfully saved 44558 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:16,451 - root - INFO - [chat.py:380] - Successfully saved 44575 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:16,683 - root - INFO - [chat.py:380] - Successfully saved 44592 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:16,917 - root - INFO - [chat.py:380] - Successfully saved 44609 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:17,310 - root - INFO - [chat.py:380] - Successfully saved 44626 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:17,551 - root - INFO - [chat.py:380] - Successfully saved 44643 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:17,787 - root - INFO - [chat.py:380] - Successfully saved 44660 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:18,023 - root - INFO - [chat.py:380] - Successfully saved 44678 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:18,261 - root - INFO - [chat.py:380] - Successfully saved 44699 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:18,494 - root - INFO - [chat.py:380] - Successfully saved 44717 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:19,156 - root - INFO - [chat.py:380] - Successfully saved 44735 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:19,394 - root - INFO - [chat.py:380] - Successfully saved 44756 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:19,630 - root - INFO - [chat.py:380] - Successfully saved 44778 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:19,862 - root - INFO - [chat.py:380] - Successfully saved 44797 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:20,100 - root - INFO - [chat.py:380] - Successfully saved 44817 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:20,333 - root - INFO - [chat.py:380] - Successfully saved 44838 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:20,568 - root - INFO - [chat.py:380] - Successfully saved 44867 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:20,803 - root - INFO - [chat.py:380] - Successfully saved 44896 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:21,039 - root - INFO - [chat.py:380] - Successfully saved 44925 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:21,278 - root - INFO - [chat.py:380] - Successfully saved 44954 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:21,511 - root - INFO - [chat.py:380] - Successfully saved 44982 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:21,746 - root - INFO - [chat.py:380] - Successfully saved 45011 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:21,981 - root - INFO - [chat.py:380] - Successfully saved 45040 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:22,221 - root - INFO - [chat.py:380] - Successfully saved 45069 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:22,454 - root - INFO - [chat.py:380] - Successfully saved 45093 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:22,698 - root - INFO - [chat.py:380] - Successfully saved 45114 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:22,930 - root - INFO - [chat.py:380] - Successfully saved 45139 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:23,169 - root - INFO - [chat.py:380] - Successfully saved 45162 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:23,406 - root - INFO - [chat.py:380] - Successfully saved 45187 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:23,655 - root - INFO - [chat.py:380] - Successfully saved 45216 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:23,904 - root - INFO - [chat.py:380] - Successfully saved 45244 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:24,148 - root - INFO - [chat.py:380] - Successfully saved 45272 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:24,384 - root - INFO - [chat.py:380] - Successfully saved 45291 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:24,621 - root - INFO - [chat.py:380] - Successfully saved 45308 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:24,860 - root - INFO - [chat.py:380] - Successfully saved 45326 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:25,099 - root - INFO - [chat.py:380] - Successfully saved 45346 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:25,337 - root - INFO - [chat.py:380] - Successfully saved 45366 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:25,575 - root - INFO - [chat.py:380] - Successfully saved 45386 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:25,812 - root - INFO - [chat.py:380] - Successfully saved 45415 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:26,052 - root - INFO - [chat.py:380] - Successfully saved 45443 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:26,289 - root - INFO - [chat.py:380] - Successfully saved 45468 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:26,526 - root - INFO - [chat.py:380] - Successfully saved 45487 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:26,766 - root - INFO - [chat.py:380] - Successfully saved 45506 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:27,005 - root - INFO - [chat.py:380] - Successfully saved 45526 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:27,248 - root - INFO - [chat.py:380] - Successfully saved 45545 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:27,491 - root - INFO - [chat.py:380] - Successfully saved 45563 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:27,731 - root - INFO - [chat.py:380] - Successfully saved 45581 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:27,970 - root - INFO - [chat.py:380] - Successfully saved 45599 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:28,218 - root - INFO - [chat.py:380] - Successfully saved 45618 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:28,459 - root - INFO - [chat.py:380] - Successfully saved 45642 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:28,707 - root - INFO - [chat.py:380] - Successfully saved 45671 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:28,951 - root - INFO - [chat.py:380] - Successfully saved 45700 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:29,199 - root - INFO - [chat.py:380] - Successfully saved 45729 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:29,436 - root - INFO - [chat.py:380] - Successfully saved 45758 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:29,683 - root - INFO - [chat.py:380] - Successfully saved 45787 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:29,928 - root - INFO - [chat.py:380] - Successfully saved 45816 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:30,174 - root - INFO - [chat.py:380] - Successfully saved 45845 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:30,415 - root - INFO - [chat.py:380] - Successfully saved 45874 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:30,665 - root - INFO - [chat.py:380] - Successfully saved 45903 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:30,937 - root - INFO - [chat.py:380] - Successfully saved 45927 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:31,184 - root - INFO - [chat.py:380] - Successfully saved 45947 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:31,430 - root - INFO - [chat.py:380] - Successfully saved 45967 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:31,673 - root - INFO - [chat.py:380] - Successfully saved 45985 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:31,917 - root - INFO - [chat.py:380] - Successfully saved 46003 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:32,168 - root - INFO - [chat.py:380] - Successfully saved 46021 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:32,408 - root - INFO - [chat.py:380] - Successfully saved 46039 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:32,656 - root - INFO - [chat.py:380] - Successfully saved 46057 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:32,897 - root - INFO - [chat.py:380] - Successfully saved 46076 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:33,142 - root - INFO - [chat.py:380] - Successfully saved 46095 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:33,384 - root - INFO - [chat.py:380] - Successfully saved 46113 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:33,684 - root - INFO - [chat.py:380] - Successfully saved 46131 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:33,940 - root - INFO - [chat.py:380] - Successfully saved 46149 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:34,206 - root - INFO - [chat.py:380] - Successfully saved 46167 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:34,483 - root - INFO - [chat.py:380] - Successfully saved 46185 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:34,730 - root - INFO - [chat.py:380] - Successfully saved 46203 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:34,991 - root - INFO - [chat.py:380] - Successfully saved 46223 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:35,237 - root - INFO - [chat.py:380] - Successfully saved 46241 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:35,509 - root - INFO - [chat.py:380] - Successfully saved 46259 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:35,757 - root - INFO - [chat.py:380] - Successfully saved 46277 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:36,016 - root - INFO - [chat.py:380] - Successfully saved 46295 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:36,285 - root - INFO - [chat.py:380] - Successfully saved 46313 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:36,549 - root - INFO - [chat.py:380] - Successfully saved 46331 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:36,795 - root - INFO - [chat.py:380] - Successfully saved 46351 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:37,040 - root - INFO - [chat.py:380] - Successfully saved 46372 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:37,291 - root - INFO - [chat.py:380] - Successfully saved 46392 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:37,544 - root - INFO - [chat.py:380] - Successfully saved 46411 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:37,788 - root - INFO - [chat.py:380] - Successfully saved 46430 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:38,031 - root - INFO - [chat.py:380] - Successfully saved 46449 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:38,281 - root - INFO - [chat.py:380] - Successfully saved 46469 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:38,537 - root - INFO - [chat.py:380] - Successfully saved 46488 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:38,789 - root - INFO - [chat.py:380] - Successfully saved 46506 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:39,030 - root - INFO - [chat.py:380] - Successfully saved 46526 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:39,278 - root - INFO - [chat.py:380] - Successfully saved 46544 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:39,520 - root - INFO - [chat.py:380] - Successfully saved 46562 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:39,769 - root - INFO - [chat.py:380] - Successfully saved 46580 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:40,028 - root - INFO - [chat.py:380] - Successfully saved 46598 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:40,282 - root - INFO - [chat.py:380] - Successfully saved 46616 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:40,526 - root - INFO - [chat.py:380] - Successfully saved 46634 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:40,792 - root - INFO - [chat.py:380] - Successfully saved 46654 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:41,042 - root - INFO - [chat.py:380] - Successfully saved 46672 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:41,302 - root - INFO - [chat.py:380] - Successfully saved 46690 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:41,560 - root - INFO - [chat.py:380] - Successfully saved 46708 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:41,810 - root - INFO - [chat.py:380] - Successfully saved 46726 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:42,058 - root - INFO - [chat.py:380] - Successfully saved 46744 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:42,307 - root - INFO - [chat.py:380] - Successfully saved 46762 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:42,555 - root - INFO - [chat.py:380] - Successfully saved 46782 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:42,807 - root - INFO - [chat.py:380] - Successfully saved 46800 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:43,499 - root - INFO - [chat.py:380] - Successfully saved 46818 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:43,751 - root - INFO - [chat.py:380] - Successfully saved 46836 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:43,999 - root - INFO - [chat.py:380] - Successfully saved 46854 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:44,249 - root - INFO - [chat.py:380] - Successfully saved 46872 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:44,493 - root - INFO - [chat.py:380] - Successfully saved 46890 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:44,755 - root - INFO - [chat.py:380] - Successfully saved 46909 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:45,008 - root - INFO - [chat.py:380] - Successfully saved 46927 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:45,259 - root - INFO - [chat.py:380] - Successfully saved 46949 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:45,507 - root - INFO - [chat.py:380] - Successfully saved 46968 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:45,757 - root - INFO - [chat.py:380] - Successfully saved 46986 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:46,011 - root - INFO - [chat.py:380] - Successfully saved 47004 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:46,269 - root - INFO - [chat.py:380] - Successfully saved 47024 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:46,520 - root - INFO - [chat.py:380] - Successfully saved 47042 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:46,778 - root - INFO - [chat.py:380] - Successfully saved 47060 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:47,037 - root - INFO - [chat.py:380] - Successfully saved 47078 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:47,287 - root - INFO - [chat.py:380] - Successfully saved 47096 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:47,542 - root - INFO - [chat.py:380] - Successfully saved 47114 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:47,817 - root - INFO - [chat.py:380] - Successfully saved 47132 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:48,081 - root - INFO - [chat.py:380] - Successfully saved 47152 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:48,353 - root - INFO - [chat.py:380] - Successfully saved 47170 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:48,617 - root - INFO - [chat.py:380] - Successfully saved 47188 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:48,870 - root - INFO - [chat.py:380] - Successfully saved 47206 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:49,130 - root - INFO - [chat.py:380] - Successfully saved 47224 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:49,380 - root - INFO - [chat.py:380] - Successfully saved 47242 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:49,628 - root - INFO - [chat.py:380] - Successfully saved 47260 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:49,883 - root - INFO - [chat.py:380] - Successfully saved 47279 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:50,137 - root - INFO - [chat.py:380] - Successfully saved 47298 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:50,388 - root - INFO - [chat.py:380] - Successfully saved 47316 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:50,635 - root - INFO - [chat.py:380] - Successfully saved 47334 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:50,960 - root - INFO - [chat.py:380] - Successfully saved 47352 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:51,221 - root - INFO - [chat.py:380] - Successfully saved 47370 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:51,467 - root - INFO - [chat.py:380] - Successfully saved 47388 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:51,715 - root - INFO - [chat.py:380] - Successfully saved 47406 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:51,962 - root - INFO - [chat.py:380] - Successfully saved 47424 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:52,211 - root - INFO - [chat.py:380] - Successfully saved 47442 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:52,456 - root - INFO - [chat.py:380] - Successfully saved 47460 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:52,712 - root - INFO - [chat.py:380] - Successfully saved 47478 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:52,958 - root - INFO - [chat.py:380] - Successfully saved 47496 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:53,210 - root - INFO - [chat.py:380] - Successfully saved 47514 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:53,461 - root - INFO - [chat.py:380] - Successfully saved 47534 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:53,716 - root - INFO - [chat.py:380] - Successfully saved 47554 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:53,967 - root - INFO - [chat.py:380] - Successfully saved 47572 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:54,221 - root - INFO - [chat.py:380] - Successfully saved 47590 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:54,467 - root - INFO - [chat.py:380] - Successfully saved 47608 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:54,719 - root - INFO - [chat.py:380] - Successfully saved 47629 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:54,969 - root - INFO - [chat.py:380] - Successfully saved 47648 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:55,229 - root - INFO - [chat.py:380] - Successfully saved 47668 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:55,479 - root - INFO - [chat.py:380] - Successfully saved 47686 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:55,729 - root - INFO - [chat.py:380] - Successfully saved 47704 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:55,982 - root - INFO - [chat.py:380] - Successfully saved 47722 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:56,238 - root - INFO - [chat.py:380] - Successfully saved 47740 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:56,490 - root - INFO - [chat.py:380] - Successfully saved 47758 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:56,742 - root - INFO - [chat.py:380] - Successfully saved 47777 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:56,992 - root - INFO - [chat.py:380] - Successfully saved 47795 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:57,250 - root - INFO - [chat.py:380] - Successfully saved 47813 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:57,505 - root - INFO - [chat.py:380] - Successfully saved 47831 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:57,778 - root - INFO - [chat.py:380] - Successfully saved 47849 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:58,041 - root - INFO - [chat.py:380] - Successfully saved 47867 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:58,307 - root - INFO - [chat.py:380] - Successfully saved 47885 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:58,569 - root - INFO - [chat.py:380] - Successfully saved 47903 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:58,872 - root - INFO - [chat.py:380] - Successfully saved 47922 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:59,137 - root - INFO - [chat.py:380] - Successfully saved 47940 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:59,391 - root - INFO - [chat.py:380] - Successfully saved 47958 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:59,646 - root - INFO - [chat.py:380] - Successfully saved 47976 unique ICD codes to JSON for hospital 228 -2025-06-07 14:27:59,900 - root - INFO - [chat.py:380] - Successfully saved 47994 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:00,153 - root - INFO - [chat.py:380] - Successfully saved 48012 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:00,405 - root - INFO - [chat.py:380] - Successfully saved 48030 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:00,663 - root - INFO - [chat.py:380] - Successfully saved 48048 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:00,918 - root - INFO - [chat.py:380] - Successfully saved 48066 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:01,177 - root - INFO - [chat.py:380] - Successfully saved 48084 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:01,433 - root - INFO - [chat.py:380] - Successfully saved 48102 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:01,694 - root - INFO - [chat.py:380] - Successfully saved 48120 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:01,953 - root - INFO - [chat.py:380] - Successfully saved 48138 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:02,215 - root - INFO - [chat.py:380] - Successfully saved 48156 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:02,467 - root - INFO - [chat.py:380] - Successfully saved 48174 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:02,722 - root - INFO - [chat.py:380] - Successfully saved 48192 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:02,973 - root - INFO - [chat.py:380] - Successfully saved 48211 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:03,232 - root - INFO - [chat.py:380] - Successfully saved 48231 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:03,485 - root - INFO - [chat.py:380] - Successfully saved 48250 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:03,761 - root - INFO - [chat.py:380] - Successfully saved 48268 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:04,030 - root - INFO - [chat.py:380] - Successfully saved 48286 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:04,297 - root - INFO - [chat.py:380] - Successfully saved 48305 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:04,562 - root - INFO - [chat.py:380] - Successfully saved 48323 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:04,832 - root - INFO - [chat.py:380] - Successfully saved 48341 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:05,087 - root - INFO - [chat.py:380] - Successfully saved 48359 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:05,386 - root - INFO - [chat.py:380] - Successfully saved 48377 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:05,643 - root - INFO - [chat.py:380] - Successfully saved 48395 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:05,900 - root - INFO - [chat.py:380] - Successfully saved 48413 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:06,154 - root - INFO - [chat.py:380] - Successfully saved 48431 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:06,408 - root - INFO - [chat.py:380] - Successfully saved 48449 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:06,659 - root - INFO - [chat.py:380] - Successfully saved 48471 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:06,911 - root - INFO - [chat.py:380] - Successfully saved 48491 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:07,168 - root - INFO - [chat.py:380] - Successfully saved 48509 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:07,422 - root - INFO - [chat.py:380] - Successfully saved 48527 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:07,675 - root - INFO - [chat.py:380] - Successfully saved 48545 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:07,926 - root - INFO - [chat.py:380] - Successfully saved 48564 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:08,183 - root - INFO - [chat.py:380] - Successfully saved 48582 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:08,436 - root - INFO - [chat.py:380] - Successfully saved 48600 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:08,700 - root - INFO - [chat.py:380] - Successfully saved 48618 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:08,951 - root - INFO - [chat.py:380] - Successfully saved 48636 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:09,210 - root - INFO - [chat.py:380] - Successfully saved 48654 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:09,464 - root - INFO - [chat.py:380] - Successfully saved 48672 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:09,720 - root - INFO - [chat.py:380] - Successfully saved 48690 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:09,978 - root - INFO - [chat.py:380] - Successfully saved 48708 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:10,232 - root - INFO - [chat.py:380] - Successfully saved 48726 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:10,489 - root - INFO - [chat.py:380] - Successfully saved 48744 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:10,759 - root - INFO - [chat.py:380] - Successfully saved 48762 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:11,019 - root - INFO - [chat.py:380] - Successfully saved 48780 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:11,276 - root - INFO - [chat.py:380] - Successfully saved 48798 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:11,532 - root - INFO - [chat.py:380] - Successfully saved 48816 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:11,789 - root - INFO - [chat.py:380] - Successfully saved 48836 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:12,043 - root - INFO - [chat.py:380] - Successfully saved 48856 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:12,302 - root - INFO - [chat.py:380] - Successfully saved 48874 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:12,558 - root - INFO - [chat.py:380] - Successfully saved 48893 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:12,816 - root - INFO - [chat.py:380] - Successfully saved 48911 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:13,072 - root - INFO - [chat.py:380] - Successfully saved 48931 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:13,329 - root - INFO - [chat.py:380] - Successfully saved 48953 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:13,585 - root - INFO - [chat.py:380] - Successfully saved 48971 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:13,854 - root - INFO - [chat.py:380] - Successfully saved 48990 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:14,112 - root - INFO - [chat.py:380] - Successfully saved 49010 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:14,375 - root - INFO - [chat.py:380] - Successfully saved 49038 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:14,637 - root - INFO - [chat.py:380] - Successfully saved 49067 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:14,899 - root - INFO - [chat.py:380] - Successfully saved 49096 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:15,160 - root - INFO - [chat.py:380] - Successfully saved 49125 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:15,421 - root - INFO - [chat.py:380] - Successfully saved 49154 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:15,684 - root - INFO - [chat.py:380] - Successfully saved 49182 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:15,948 - root - INFO - [chat.py:380] - Successfully saved 49209 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:16,208 - root - INFO - [chat.py:380] - Successfully saved 49238 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:16,467 - root - INFO - [chat.py:380] - Successfully saved 49267 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:16,724 - root - INFO - [chat.py:380] - Successfully saved 49296 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:16,979 - root - INFO - [chat.py:380] - Successfully saved 49325 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:17,242 - root - INFO - [chat.py:380] - Successfully saved 49354 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:17,510 - root - INFO - [chat.py:380] - Successfully saved 49383 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:17,773 - root - INFO - [chat.py:380] - Successfully saved 49412 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:18,033 - root - INFO - [chat.py:380] - Successfully saved 49441 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:18,304 - root - INFO - [chat.py:380] - Successfully saved 49470 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:18,564 - root - INFO - [chat.py:380] - Successfully saved 49499 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:18,831 - root - INFO - [chat.py:380] - Successfully saved 49528 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:19,092 - root - INFO - [chat.py:380] - Successfully saved 49555 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:19,358 - root - INFO - [chat.py:380] - Successfully saved 49580 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:19,624 - root - INFO - [chat.py:380] - Successfully saved 49606 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:19,894 - root - INFO - [chat.py:380] - Successfully saved 49634 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:20,158 - root - INFO - [chat.py:380] - Successfully saved 49659 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:20,428 - root - INFO - [chat.py:380] - Successfully saved 49684 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:20,695 - root - INFO - [chat.py:380] - Successfully saved 49713 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:20,960 - root - INFO - [chat.py:380] - Successfully saved 49731 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:21,227 - root - INFO - [chat.py:380] - Successfully saved 49748 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:21,492 - root - INFO - [chat.py:380] - Successfully saved 49766 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:21,763 - root - INFO - [chat.py:380] - Successfully saved 49783 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:22,028 - root - INFO - [chat.py:380] - Successfully saved 49801 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:22,295 - root - INFO - [chat.py:380] - Successfully saved 49818 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:22,560 - root - INFO - [chat.py:380] - Successfully saved 49840 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:22,829 - root - INFO - [chat.py:380] - Successfully saved 49864 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:23,090 - root - INFO - [chat.py:380] - Successfully saved 49886 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:23,357 - root - INFO - [chat.py:380] - Successfully saved 49912 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:23,631 - root - INFO - [chat.py:380] - Successfully saved 49937 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:23,901 - root - INFO - [chat.py:380] - Successfully saved 49961 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:24,172 - root - INFO - [chat.py:380] - Successfully saved 49982 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:24,439 - root - INFO - [chat.py:380] - Successfully saved 50000 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:24,706 - root - INFO - [chat.py:380] - Successfully saved 50018 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:24,973 - root - INFO - [chat.py:380] - Successfully saved 50036 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:25,239 - root - INFO - [chat.py:380] - Successfully saved 50054 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:25,509 - root - INFO - [chat.py:380] - Successfully saved 50074 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:25,778 - root - INFO - [chat.py:380] - Successfully saved 50093 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:26,043 - root - INFO - [chat.py:380] - Successfully saved 50111 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:26,312 - root - INFO - [chat.py:380] - Successfully saved 50129 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:26,577 - root - INFO - [chat.py:380] - Successfully saved 50147 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:26,845 - root - INFO - [chat.py:380] - Successfully saved 50166 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:27,111 - root - INFO - [chat.py:380] - Successfully saved 50186 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:27,375 - root - INFO - [chat.py:380] - Successfully saved 50205 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:27,639 - root - INFO - [chat.py:380] - Successfully saved 50224 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:27,907 - root - INFO - [chat.py:380] - Successfully saved 50243 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:28,174 - root - INFO - [chat.py:380] - Successfully saved 50263 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:28,438 - root - INFO - [chat.py:380] - Successfully saved 50281 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:28,710 - root - INFO - [chat.py:380] - Successfully saved 50299 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:28,971 - root - INFO - [chat.py:380] - Successfully saved 50318 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:29,239 - root - INFO - [chat.py:380] - Successfully saved 50343 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:29,507 - root - INFO - [chat.py:380] - Successfully saved 50372 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:29,780 - root - INFO - [chat.py:380] - Successfully saved 50401 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:30,048 - root - INFO - [chat.py:380] - Successfully saved 50430 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:30,317 - root - INFO - [chat.py:380] - Successfully saved 50459 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:30,582 - root - INFO - [chat.py:380] - Successfully saved 50488 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:30,852 - root - INFO - [chat.py:380] - Successfully saved 50517 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:31,121 - root - INFO - [chat.py:380] - Successfully saved 50546 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:31,404 - root - INFO - [chat.py:380] - Successfully saved 50575 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:31,684 - root - INFO - [chat.py:380] - Successfully saved 50604 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:31,965 - root - INFO - [chat.py:380] - Successfully saved 50633 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:32,247 - root - INFO - [chat.py:380] - Successfully saved 50662 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:32,527 - root - INFO - [chat.py:380] - Successfully saved 50691 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:32,802 - root - INFO - [chat.py:380] - Successfully saved 50719 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:33,070 - root - INFO - [chat.py:380] - Successfully saved 50742 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:33,345 - root - INFO - [chat.py:380] - Successfully saved 50766 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:33,622 - root - INFO - [chat.py:380] - Successfully saved 50786 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:33,890 - root - INFO - [chat.py:380] - Successfully saved 50807 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:34,159 - root - INFO - [chat.py:380] - Successfully saved 50835 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:34,431 - root - INFO - [chat.py:380] - Successfully saved 50862 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:34,703 - root - INFO - [chat.py:380] - Successfully saved 50887 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:34,973 - root - INFO - [chat.py:380] - Successfully saved 50909 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:35,247 - root - INFO - [chat.py:380] - Successfully saved 50931 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:35,516 - root - INFO - [chat.py:380] - Successfully saved 50959 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:35,788 - root - INFO - [chat.py:380] - Successfully saved 50988 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:36,056 - root - INFO - [chat.py:380] - Successfully saved 51016 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:36,330 - root - INFO - [chat.py:380] - Successfully saved 51040 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:36,595 - root - INFO - [chat.py:380] - Successfully saved 51062 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:36,868 - root - INFO - [chat.py:380] - Successfully saved 51083 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:37,139 - root - INFO - [chat.py:380] - Successfully saved 51103 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:37,409 - root - INFO - [chat.py:380] - Successfully saved 51123 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:37,675 - root - INFO - [chat.py:380] - Successfully saved 51141 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:37,993 - root - INFO - [chat.py:380] - Successfully saved 51160 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:38,262 - root - INFO - [chat.py:380] - Successfully saved 51180 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:38,532 - root - INFO - [chat.py:380] - Successfully saved 51200 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:38,805 - root - INFO - [chat.py:380] - Successfully saved 51220 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:39,074 - root - INFO - [chat.py:380] - Successfully saved 51238 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:39,343 - root - INFO - [chat.py:380] - Successfully saved 51259 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:39,616 - root - INFO - [chat.py:380] - Successfully saved 51279 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:39,888 - root - INFO - [chat.py:380] - Successfully saved 51304 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:40,192 - root - INFO - [chat.py:380] - Successfully saved 51328 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:40,461 - root - INFO - [chat.py:380] - Successfully saved 51351 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:40,730 - root - INFO - [chat.py:380] - Successfully saved 51375 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:41,019 - root - INFO - [chat.py:380] - Successfully saved 51397 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:41,325 - root - INFO - [chat.py:380] - Successfully saved 51417 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:41,596 - root - INFO - [chat.py:380] - Successfully saved 51439 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:41,871 - root - INFO - [chat.py:380] - Successfully saved 51463 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:42,142 - root - INFO - [chat.py:380] - Successfully saved 51484 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:42,414 - root - INFO - [chat.py:380] - Successfully saved 51504 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:42,685 - root - INFO - [chat.py:380] - Successfully saved 51528 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:42,957 - root - INFO - [chat.py:380] - Successfully saved 51551 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:43,233 - root - INFO - [chat.py:380] - Successfully saved 51572 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:43,505 - root - INFO - [chat.py:380] - Successfully saved 51593 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:43,787 - root - INFO - [chat.py:380] - Successfully saved 51614 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:44,063 - root - INFO - [chat.py:380] - Successfully saved 51634 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:44,339 - root - INFO - [chat.py:380] - Successfully saved 51654 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:44,617 - root - INFO - [chat.py:380] - Successfully saved 51672 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:44,895 - root - INFO - [chat.py:380] - Successfully saved 51692 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:45,182 - root - INFO - [chat.py:380] - Successfully saved 51713 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:45,455 - root - INFO - [chat.py:380] - Successfully saved 51733 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:45,730 - root - INFO - [chat.py:380] - Successfully saved 51753 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:46,007 - root - INFO - [chat.py:380] - Successfully saved 51773 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:46,285 - root - INFO - [chat.py:380] - Successfully saved 51793 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:46,558 - root - INFO - [chat.py:380] - Successfully saved 51813 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:46,844 - root - INFO - [chat.py:380] - Successfully saved 51833 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:47,136 - root - INFO - [chat.py:380] - Successfully saved 51853 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:47,417 - root - INFO - [chat.py:380] - Successfully saved 51873 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:47,694 - root - INFO - [chat.py:380] - Successfully saved 51893 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:47,977 - root - INFO - [chat.py:380] - Successfully saved 51913 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:48,256 - root - INFO - [chat.py:380] - Successfully saved 51933 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:48,539 - root - INFO - [chat.py:380] - Successfully saved 51953 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:48,850 - root - INFO - [chat.py:380] - Successfully saved 51973 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:49,128 - root - INFO - [chat.py:380] - Successfully saved 51993 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:49,402 - root - INFO - [chat.py:380] - Successfully saved 52014 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:49,678 - root - INFO - [chat.py:380] - Successfully saved 52035 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:49,953 - root - INFO - [chat.py:380] - Successfully saved 52055 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:50,230 - root - INFO - [chat.py:380] - Successfully saved 52074 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:50,502 - root - INFO - [chat.py:380] - Successfully saved 52094 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:50,777 - root - INFO - [chat.py:380] - Successfully saved 52114 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:51,052 - root - INFO - [chat.py:380] - Successfully saved 52138 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:51,333 - root - INFO - [chat.py:380] - Successfully saved 52160 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:51,606 - root - INFO - [chat.py:380] - Successfully saved 52180 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:51,882 - root - INFO - [chat.py:380] - Successfully saved 52200 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:52,156 - root - INFO - [chat.py:380] - Successfully saved 52218 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:52,435 - root - INFO - [chat.py:380] - Successfully saved 52238 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:52,710 - root - INFO - [chat.py:380] - Successfully saved 52256 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:52,991 - root - INFO - [chat.py:380] - Successfully saved 52275 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:53,267 - root - INFO - [chat.py:380] - Successfully saved 52295 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:53,540 - root - INFO - [chat.py:380] - Successfully saved 52316 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:53,821 - root - INFO - [chat.py:380] - Successfully saved 52343 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:54,101 - root - INFO - [chat.py:380] - Successfully saved 52371 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:54,386 - root - INFO - [chat.py:380] - Successfully saved 52398 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:54,671 - root - INFO - [chat.py:380] - Successfully saved 52427 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:54,944 - root - INFO - [chat.py:380] - Successfully saved 52456 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:55,223 - root - INFO - [chat.py:380] - Successfully saved 52485 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:55,500 - root - INFO - [chat.py:380] - Successfully saved 52514 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:55,772 - root - INFO - [chat.py:380] - Successfully saved 52543 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:56,081 - root - INFO - [chat.py:380] - Successfully saved 52572 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:56,360 - root - INFO - [chat.py:380] - Successfully saved 52601 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:56,641 - root - INFO - [chat.py:380] - Successfully saved 52630 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:56,919 - root - INFO - [chat.py:380] - Successfully saved 52659 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:57,193 - root - INFO - [chat.py:380] - Successfully saved 52688 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:57,475 - root - INFO - [chat.py:380] - Successfully saved 52717 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:57,749 - root - INFO - [chat.py:380] - Successfully saved 52746 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:58,026 - root - INFO - [chat.py:380] - Successfully saved 52774 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:58,305 - root - INFO - [chat.py:380] - Successfully saved 52803 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:58,578 - root - INFO - [chat.py:380] - Successfully saved 52832 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:58,860 - root - INFO - [chat.py:380] - Successfully saved 52861 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:59,135 - root - INFO - [chat.py:380] - Successfully saved 52886 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:59,421 - root - INFO - [chat.py:380] - Successfully saved 52909 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:59,707 - root - INFO - [chat.py:380] - Successfully saved 52928 unique ICD codes to JSON for hospital 228 -2025-06-07 14:28:59,985 - root - INFO - [chat.py:380] - Successfully saved 52945 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:00,274 - root - INFO - [chat.py:380] - Successfully saved 52962 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:00,552 - root - INFO - [chat.py:380] - Successfully saved 52979 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:00,832 - root - INFO - [chat.py:380] - Successfully saved 52997 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:01,108 - root - INFO - [chat.py:380] - Successfully saved 53020 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:01,386 - root - INFO - [chat.py:380] - Successfully saved 53038 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:01,708 - root - INFO - [chat.py:380] - Successfully saved 53058 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:01,985 - root - INFO - [chat.py:380] - Successfully saved 53077 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:02,266 - root - INFO - [chat.py:380] - Successfully saved 53097 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:02,542 - root - INFO - [chat.py:380] - Successfully saved 53123 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:02,820 - root - INFO - [chat.py:380] - Successfully saved 53152 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:03,098 - root - INFO - [chat.py:380] - Successfully saved 53181 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:03,375 - root - INFO - [chat.py:380] - Successfully saved 53210 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:03,663 - root - INFO - [chat.py:380] - Successfully saved 53239 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:03,956 - root - INFO - [chat.py:380] - Successfully saved 53264 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:04,254 - root - INFO - [chat.py:380] - Successfully saved 53285 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:04,544 - root - INFO - [chat.py:380] - Successfully saved 53305 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:04,855 - root - INFO - [chat.py:380] - Successfully saved 53325 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:05,136 - root - INFO - [chat.py:380] - Successfully saved 53345 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:05,459 - root - INFO - [chat.py:380] - Successfully saved 53366 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:05,740 - root - INFO - [chat.py:380] - Successfully saved 53388 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:06,019 - root - INFO - [chat.py:380] - Successfully saved 53409 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:06,303 - root - INFO - [chat.py:380] - Successfully saved 53429 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:06,582 - root - INFO - [chat.py:380] - Successfully saved 53449 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:06,863 - root - INFO - [chat.py:380] - Successfully saved 53469 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:07,145 - root - INFO - [chat.py:380] - Successfully saved 53489 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:07,427 - root - INFO - [chat.py:380] - Successfully saved 53511 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:07,707 - root - INFO - [chat.py:380] - Successfully saved 53532 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:07,988 - root - INFO - [chat.py:380] - Successfully saved 53552 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:08,270 - root - INFO - [chat.py:380] - Successfully saved 53572 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:08,550 - root - INFO - [chat.py:380] - Successfully saved 53592 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:08,839 - root - INFO - [chat.py:380] - Successfully saved 53612 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:09,119 - root - INFO - [chat.py:380] - Successfully saved 53634 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:09,404 - root - INFO - [chat.py:380] - Successfully saved 53663 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:09,686 - root - INFO - [chat.py:380] - Successfully saved 53691 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:09,975 - root - INFO - [chat.py:380] - Successfully saved 53719 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:10,260 - root - INFO - [chat.py:380] - Successfully saved 53748 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:10,541 - root - INFO - [chat.py:380] - Successfully saved 53777 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:10,831 - root - INFO - [chat.py:380] - Successfully saved 53806 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:11,118 - root - INFO - [chat.py:380] - Successfully saved 53832 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:11,401 - root - INFO - [chat.py:380] - Successfully saved 53856 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:11,684 - root - INFO - [chat.py:380] - Successfully saved 53883 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:11,968 - root - INFO - [chat.py:380] - Successfully saved 53912 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:12,255 - root - INFO - [chat.py:380] - Successfully saved 53941 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:12,536 - root - INFO - [chat.py:380] - Successfully saved 53969 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:12,821 - root - INFO - [chat.py:380] - Successfully saved 53998 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:13,105 - root - INFO - [chat.py:380] - Successfully saved 54027 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:13,392 - root - INFO - [chat.py:380] - Successfully saved 54056 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:13,790 - root - INFO - [chat.py:380] - Successfully saved 54082 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:14,079 - root - INFO - [chat.py:380] - Successfully saved 54110 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:14,415 - root - INFO - [chat.py:380] - Successfully saved 54139 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:14,700 - root - INFO - [chat.py:380] - Successfully saved 54167 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:15,774 - root - INFO - [chat.py:380] - Successfully saved 54195 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:16,060 - root - INFO - [chat.py:380] - Successfully saved 54224 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:17,188 - root - INFO - [chat.py:380] - Successfully saved 54253 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:17,479 - root - INFO - [chat.py:380] - Successfully saved 54282 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:18,710 - root - INFO - [chat.py:380] - Successfully saved 54311 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:18,999 - root - INFO - [chat.py:380] - Successfully saved 54340 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:19,287 - root - INFO - [chat.py:380] - Successfully saved 54369 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:19,572 - root - INFO - [chat.py:380] - Successfully saved 54398 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:19,863 - root - INFO - [chat.py:380] - Successfully saved 54425 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:20,159 - root - INFO - [chat.py:380] - Successfully saved 54454 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:20,453 - root - INFO - [chat.py:380] - Successfully saved 54478 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:20,738 - root - INFO - [chat.py:380] - Successfully saved 54504 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:21,028 - root - INFO - [chat.py:380] - Successfully saved 54533 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:21,327 - root - INFO - [chat.py:380] - Successfully saved 54554 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:21,626 - root - INFO - [chat.py:380] - Successfully saved 54583 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:21,917 - root - INFO - [chat.py:380] - Successfully saved 54608 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:22,209 - root - INFO - [chat.py:380] - Successfully saved 54633 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:22,506 - root - INFO - [chat.py:380] - Successfully saved 54662 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:22,805 - root - INFO - [chat.py:380] - Successfully saved 54683 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:23,097 - root - INFO - [chat.py:380] - Successfully saved 54712 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:23,388 - root - INFO - [chat.py:380] - Successfully saved 54738 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:23,699 - root - INFO - [chat.py:380] - Successfully saved 54762 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:24,005 - root - INFO - [chat.py:380] - Successfully saved 54791 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:24,303 - root - INFO - [chat.py:380] - Successfully saved 54812 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:24,596 - root - INFO - [chat.py:380] - Successfully saved 54841 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:24,894 - root - INFO - [chat.py:380] - Successfully saved 54868 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:25,195 - root - INFO - [chat.py:380] - Successfully saved 54890 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:25,485 - root - INFO - [chat.py:380] - Successfully saved 54919 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:25,774 - root - INFO - [chat.py:380] - Successfully saved 54942 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:26,065 - root - INFO - [chat.py:380] - Successfully saved 54969 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:26,358 - root - INFO - [chat.py:380] - Successfully saved 54993 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:26,646 - root - INFO - [chat.py:380] - Successfully saved 55021 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:26,937 - root - INFO - [chat.py:380] - Successfully saved 55050 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:27,225 - root - INFO - [chat.py:380] - Successfully saved 55077 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:27,518 - root - INFO - [chat.py:380] - Successfully saved 55106 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:27,809 - root - INFO - [chat.py:380] - Successfully saved 55134 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:28,100 - root - INFO - [chat.py:380] - Successfully saved 55160 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:28,391 - root - INFO - [chat.py:380] - Successfully saved 55189 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:28,687 - root - INFO - [chat.py:380] - Successfully saved 55217 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:28,981 - root - INFO - [chat.py:380] - Successfully saved 55244 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:29,272 - root - INFO - [chat.py:380] - Successfully saved 55273 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:29,562 - root - INFO - [chat.py:380] - Successfully saved 55297 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:29,854 - root - INFO - [chat.py:380] - Successfully saved 55320 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:30,146 - root - INFO - [chat.py:380] - Successfully saved 55347 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:30,435 - root - INFO - [chat.py:380] - Successfully saved 55374 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:30,721 - root - INFO - [chat.py:380] - Successfully saved 55398 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:31,008 - root - INFO - [chat.py:380] - Successfully saved 55427 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:31,298 - root - INFO - [chat.py:380] - Successfully saved 55454 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:31,588 - root - INFO - [chat.py:380] - Successfully saved 55477 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:31,877 - root - INFO - [chat.py:380] - Successfully saved 55506 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:32,167 - root - INFO - [chat.py:380] - Successfully saved 55533 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:32,485 - root - INFO - [chat.py:380] - Successfully saved 55557 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:32,776 - root - INFO - [chat.py:380] - Successfully saved 55586 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:33,066 - root - INFO - [chat.py:380] - Successfully saved 55609 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:33,357 - root - INFO - [chat.py:380] - Successfully saved 55633 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:33,663 - root - INFO - [chat.py:380] - Successfully saved 55657 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:33,952 - root - INFO - [chat.py:380] - Successfully saved 55681 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:34,246 - root - INFO - [chat.py:380] - Successfully saved 55706 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:34,545 - root - INFO - [chat.py:380] - Successfully saved 55728 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:34,840 - root - INFO - [chat.py:380] - Successfully saved 55754 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:35,137 - root - INFO - [chat.py:380] - Successfully saved 55775 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:35,429 - root - INFO - [chat.py:380] - Successfully saved 55802 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:35,720 - root - INFO - [chat.py:380] - Successfully saved 55821 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:36,010 - root - INFO - [chat.py:380] - Successfully saved 55848 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:36,305 - root - INFO - [chat.py:380] - Successfully saved 55867 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:36,596 - root - INFO - [chat.py:380] - Successfully saved 55895 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:36,886 - root - INFO - [chat.py:380] - Successfully saved 55915 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:37,178 - root - INFO - [chat.py:380] - Successfully saved 55942 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:37,474 - root - INFO - [chat.py:380] - Successfully saved 55967 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:37,773 - root - INFO - [chat.py:380] - Successfully saved 55995 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:38,077 - root - INFO - [chat.py:380] - Successfully saved 56024 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:38,395 - root - INFO - [chat.py:380] - Successfully saved 56053 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:38,701 - root - INFO - [chat.py:380] - Successfully saved 56082 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:39,003 - root - INFO - [chat.py:380] - Successfully saved 56111 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:39,304 - root - INFO - [chat.py:380] - Successfully saved 56138 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:39,606 - root - INFO - [chat.py:380] - Successfully saved 56167 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:39,909 - root - INFO - [chat.py:380] - Successfully saved 56196 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:40,214 - root - INFO - [chat.py:380] - Successfully saved 56225 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:40,522 - root - INFO - [chat.py:380] - Successfully saved 56253 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:40,826 - root - INFO - [chat.py:380] - Successfully saved 56282 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:41,133 - root - INFO - [chat.py:380] - Successfully saved 56311 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:41,440 - root - INFO - [chat.py:380] - Successfully saved 56340 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:41,741 - root - INFO - [chat.py:380] - Successfully saved 56369 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:42,048 - root - INFO - [chat.py:380] - Successfully saved 56398 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:42,354 - root - INFO - [chat.py:380] - Successfully saved 56427 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:42,656 - root - INFO - [chat.py:380] - Successfully saved 56456 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:42,956 - root - INFO - [chat.py:380] - Successfully saved 56485 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:43,256 - root - INFO - [chat.py:380] - Successfully saved 56514 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:43,565 - root - INFO - [chat.py:380] - Successfully saved 56543 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:43,872 - root - INFO - [chat.py:380] - Successfully saved 56572 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:44,177 - root - INFO - [chat.py:380] - Successfully saved 56601 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:44,480 - root - INFO - [chat.py:380] - Successfully saved 56630 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:44,787 - root - INFO - [chat.py:380] - Successfully saved 56659 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:45,094 - root - INFO - [chat.py:380] - Successfully saved 56688 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:45,399 - root - INFO - [chat.py:380] - Successfully saved 56717 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:45,699 - root - INFO - [chat.py:380] - Successfully saved 56746 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:46,004 - root - INFO - [chat.py:380] - Successfully saved 56770 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:46,312 - root - INFO - [chat.py:380] - Successfully saved 56799 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:46,614 - root - INFO - [chat.py:380] - Successfully saved 56828 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:46,920 - root - INFO - [chat.py:380] - Successfully saved 56857 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:47,322 - root - INFO - [chat.py:380] - Successfully saved 56884 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:47,650 - root - INFO - [chat.py:380] - Successfully saved 56913 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:47,960 - root - INFO - [chat.py:380] - Successfully saved 56942 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:48,274 - root - INFO - [chat.py:380] - Successfully saved 56965 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:48,598 - root - INFO - [chat.py:380] - Successfully saved 56992 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:48,924 - root - INFO - [chat.py:380] - Successfully saved 57021 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:49,236 - root - INFO - [chat.py:380] - Successfully saved 57043 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:49,542 - root - INFO - [chat.py:380] - Successfully saved 57064 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:49,848 - root - INFO - [chat.py:380] - Successfully saved 57091 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:50,154 - root - INFO - [chat.py:380] - Successfully saved 57118 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:50,462 - root - INFO - [chat.py:380] - Successfully saved 57143 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:50,768 - root - INFO - [chat.py:380] - Successfully saved 57171 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:51,071 - root - INFO - [chat.py:380] - Successfully saved 57188 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:51,376 - root - INFO - [chat.py:380] - Successfully saved 57212 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:51,679 - root - INFO - [chat.py:380] - Successfully saved 57236 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:51,983 - root - INFO - [chat.py:380] - Successfully saved 57262 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:52,284 - root - INFO - [chat.py:380] - Successfully saved 57290 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:52,586 - root - INFO - [chat.py:380] - Successfully saved 57319 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:52,900 - root - INFO - [chat.py:380] - Successfully saved 57348 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:53,210 - root - INFO - [chat.py:380] - Successfully saved 57377 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:53,511 - root - INFO - [chat.py:380] - Successfully saved 57400 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:53,820 - root - INFO - [chat.py:380] - Successfully saved 57425 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:54,122 - root - INFO - [chat.py:380] - Successfully saved 57443 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:54,428 - root - INFO - [chat.py:380] - Successfully saved 57463 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:54,739 - root - INFO - [chat.py:380] - Successfully saved 57492 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:55,039 - root - INFO - [chat.py:380] - Successfully saved 57521 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:55,345 - root - INFO - [chat.py:380] - Successfully saved 57550 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:55,645 - root - INFO - [chat.py:380] - Successfully saved 57579 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:55,951 - root - INFO - [chat.py:380] - Successfully saved 57608 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:56,257 - root - INFO - [chat.py:380] - Successfully saved 57634 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:56,563 - root - INFO - [chat.py:380] - Successfully saved 57660 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:56,869 - root - INFO - [chat.py:380] - Successfully saved 57689 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:57,170 - root - INFO - [chat.py:380] - Successfully saved 57717 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:57,476 - root - INFO - [chat.py:380] - Successfully saved 57746 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:57,779 - root - INFO - [chat.py:380] - Successfully saved 57775 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:58,079 - root - INFO - [chat.py:380] - Successfully saved 57804 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:58,383 - root - INFO - [chat.py:380] - Successfully saved 57832 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:58,698 - root - INFO - [chat.py:380] - Successfully saved 57861 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:59,011 - root - INFO - [chat.py:380] - Successfully saved 57890 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:59,323 - root - INFO - [chat.py:380] - Successfully saved 57915 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:59,628 - root - INFO - [chat.py:380] - Successfully saved 57936 unique ICD codes to JSON for hospital 228 -2025-06-07 14:29:59,936 - root - INFO - [chat.py:380] - Successfully saved 57956 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:00,257 - root - INFO - [chat.py:380] - Successfully saved 57985 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:00,568 - root - INFO - [chat.py:380] - Successfully saved 58010 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:00,885 - root - INFO - [chat.py:380] - Successfully saved 58033 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:01,212 - root - INFO - [chat.py:380] - Successfully saved 58057 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:01,544 - root - INFO - [chat.py:380] - Successfully saved 58083 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:01,869 - root - INFO - [chat.py:380] - Successfully saved 58108 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:02,195 - root - INFO - [chat.py:380] - Successfully saved 58132 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:02,521 - root - INFO - [chat.py:380] - Successfully saved 58159 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:02,860 - root - INFO - [chat.py:380] - Successfully saved 58188 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:03,222 - root - INFO - [chat.py:380] - Successfully saved 58217 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:03,553 - root - INFO - [chat.py:380] - Successfully saved 58246 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:03,883 - root - INFO - [chat.py:380] - Successfully saved 58275 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:04,213 - root - INFO - [chat.py:380] - Successfully saved 58301 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:04,526 - root - INFO - [chat.py:380] - Successfully saved 58329 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:04,860 - root - INFO - [chat.py:380] - Successfully saved 58346 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:05,172 - root - INFO - [chat.py:380] - Successfully saved 58369 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:05,483 - root - INFO - [chat.py:380] - Successfully saved 58396 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:05,791 - root - INFO - [chat.py:380] - Successfully saved 58422 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:06,098 - root - INFO - [chat.py:380] - Successfully saved 58442 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:06,407 - root - INFO - [chat.py:380] - Successfully saved 58460 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:06,714 - root - INFO - [chat.py:380] - Successfully saved 58482 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:07,021 - root - INFO - [chat.py:380] - Successfully saved 58507 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:07,332 - root - INFO - [chat.py:380] - Successfully saved 58536 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:07,641 - root - INFO - [chat.py:380] - Successfully saved 58565 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:07,946 - root - INFO - [chat.py:380] - Successfully saved 58594 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:08,255 - root - INFO - [chat.py:380] - Successfully saved 58621 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:08,561 - root - INFO - [chat.py:380] - Successfully saved 58650 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:08,874 - root - INFO - [chat.py:380] - Successfully saved 58675 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:09,183 - root - INFO - [chat.py:380] - Successfully saved 58695 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:09,498 - root - INFO - [chat.py:380] - Successfully saved 58717 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:09,807 - root - INFO - [chat.py:380] - Successfully saved 58738 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:10,122 - root - INFO - [chat.py:380] - Successfully saved 58766 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:10,433 - root - INFO - [chat.py:380] - Successfully saved 58795 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:10,745 - root - INFO - [chat.py:380] - Successfully saved 58822 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:11,073 - root - INFO - [chat.py:380] - Successfully saved 58847 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:11,385 - root - INFO - [chat.py:380] - Successfully saved 58873 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:12,011 - root - INFO - [chat.py:380] - Successfully saved 58895 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:12,325 - root - INFO - [chat.py:380] - Successfully saved 58914 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:12,638 - root - INFO - [chat.py:380] - Successfully saved 58939 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:12,946 - root - INFO - [chat.py:380] - Successfully saved 58964 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:13,260 - root - INFO - [chat.py:380] - Successfully saved 58993 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:13,588 - root - INFO - [chat.py:380] - Successfully saved 59022 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:13,905 - root - INFO - [chat.py:380] - Successfully saved 59051 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:14,220 - root - INFO - [chat.py:380] - Successfully saved 59075 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:14,539 - root - INFO - [chat.py:380] - Successfully saved 59095 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:14,955 - root - INFO - [chat.py:380] - Successfully saved 59120 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:15,275 - root - INFO - [chat.py:380] - Successfully saved 59140 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:15,783 - root - INFO - [chat.py:380] - Successfully saved 59168 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:16,098 - root - INFO - [chat.py:380] - Successfully saved 59197 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:16,415 - root - INFO - [chat.py:380] - Successfully saved 59226 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:16,731 - root - INFO - [chat.py:380] - Successfully saved 59251 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:17,060 - root - INFO - [chat.py:380] - Successfully saved 59270 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:17,384 - root - INFO - [chat.py:380] - Successfully saved 59290 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:17,751 - root - INFO - [chat.py:380] - Successfully saved 59315 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:18,069 - root - INFO - [chat.py:380] - Successfully saved 59341 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:18,392 - root - INFO - [chat.py:380] - Successfully saved 59363 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:18,711 - root - INFO - [chat.py:380] - Successfully saved 59383 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:19,029 - root - INFO - [chat.py:380] - Successfully saved 59408 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:19,355 - root - INFO - [chat.py:380] - Successfully saved 59437 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:19,679 - root - INFO - [chat.py:380] - Successfully saved 59464 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:20,004 - root - INFO - [chat.py:380] - Successfully saved 59491 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:20,326 - root - INFO - [chat.py:380] - Successfully saved 59511 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:20,647 - root - INFO - [chat.py:380] - Successfully saved 59534 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:20,968 - root - INFO - [chat.py:380] - Successfully saved 59561 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:21,284 - root - INFO - [chat.py:380] - Successfully saved 59589 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:21,611 - root - INFO - [chat.py:380] - Successfully saved 59615 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:21,932 - root - INFO - [chat.py:380] - Successfully saved 59636 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:22,253 - root - INFO - [chat.py:380] - Successfully saved 59655 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:22,568 - root - INFO - [chat.py:380] - Successfully saved 59682 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:22,905 - root - INFO - [chat.py:380] - Successfully saved 59711 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:23,226 - root - INFO - [chat.py:380] - Successfully saved 59738 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:23,541 - root - INFO - [chat.py:380] - Successfully saved 59761 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:23,863 - root - INFO - [chat.py:380] - Successfully saved 59781 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:24,194 - root - INFO - [chat.py:380] - Successfully saved 59810 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:24,522 - root - INFO - [chat.py:380] - Successfully saved 59839 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:24,839 - root - INFO - [chat.py:380] - Successfully saved 59868 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:25,154 - root - INFO - [chat.py:380] - Successfully saved 59897 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:25,469 - root - INFO - [chat.py:380] - Successfully saved 59926 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:25,804 - root - INFO - [chat.py:380] - Successfully saved 59955 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:26,117 - root - INFO - [chat.py:380] - Successfully saved 59984 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:26,435 - root - INFO - [chat.py:380] - Successfully saved 60013 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:26,754 - root - INFO - [chat.py:380] - Successfully saved 60032 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:27,068 - root - INFO - [chat.py:380] - Successfully saved 60050 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:27,384 - root - INFO - [chat.py:380] - Successfully saved 60075 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:27,698 - root - INFO - [chat.py:380] - Successfully saved 60099 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:28,017 - root - INFO - [chat.py:380] - Successfully saved 60127 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:28,338 - root - INFO - [chat.py:380] - Successfully saved 60156 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:28,661 - root - INFO - [chat.py:380] - Successfully saved 60184 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:28,991 - root - INFO - [chat.py:380] - Successfully saved 60213 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:29,315 - root - INFO - [chat.py:380] - Successfully saved 60242 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:29,636 - root - INFO - [chat.py:380] - Successfully saved 60271 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:29,960 - root - INFO - [chat.py:380] - Successfully saved 60298 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:30,281 - root - INFO - [chat.py:380] - Successfully saved 60325 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:30,602 - root - INFO - [chat.py:380] - Successfully saved 60349 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:30,919 - root - INFO - [chat.py:380] - Successfully saved 60371 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:31,243 - root - INFO - [chat.py:380] - Successfully saved 60393 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:31,561 - root - INFO - [chat.py:380] - Successfully saved 60421 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:31,905 - root - INFO - [chat.py:380] - Successfully saved 60450 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:32,251 - root - INFO - [chat.py:380] - Successfully saved 60478 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:32,583 - root - INFO - [chat.py:380] - Successfully saved 60507 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:32,902 - root - INFO - [chat.py:380] - Successfully saved 60531 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:33,222 - root - INFO - [chat.py:380] - Successfully saved 60556 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:33,545 - root - INFO - [chat.py:380] - Successfully saved 60585 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:33,874 - root - INFO - [chat.py:380] - Successfully saved 60614 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:34,197 - root - INFO - [chat.py:380] - Successfully saved 60643 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:34,521 - root - INFO - [chat.py:380] - Successfully saved 60672 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:34,843 - root - INFO - [chat.py:380] - Successfully saved 60701 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:35,163 - root - INFO - [chat.py:380] - Successfully saved 60726 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:35,483 - root - INFO - [chat.py:380] - Successfully saved 60748 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:35,802 - root - INFO - [chat.py:380] - Successfully saved 60777 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:36,124 - root - INFO - [chat.py:380] - Successfully saved 60806 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:36,445 - root - INFO - [chat.py:380] - Successfully saved 60829 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:36,770 - root - INFO - [chat.py:380] - Successfully saved 60856 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:37,092 - root - INFO - [chat.py:380] - Successfully saved 60884 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:37,631 - root - INFO - [chat.py:380] - Successfully saved 60913 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:37,958 - root - INFO - [chat.py:380] - Successfully saved 60941 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:38,279 - root - INFO - [chat.py:380] - Successfully saved 60967 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:38,603 - root - INFO - [chat.py:380] - Successfully saved 60994 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:38,930 - root - INFO - [chat.py:380] - Successfully saved 61023 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:39,256 - root - INFO - [chat.py:380] - Successfully saved 61052 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:39,595 - root - INFO - [chat.py:380] - Successfully saved 61079 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:39,926 - root - INFO - [chat.py:380] - Successfully saved 61107 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:40,254 - root - INFO - [chat.py:380] - Successfully saved 61130 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:40,581 - root - INFO - [chat.py:380] - Successfully saved 61157 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:40,907 - root - INFO - [chat.py:380] - Successfully saved 61182 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:41,239 - root - INFO - [chat.py:380] - Successfully saved 61207 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:41,565 - root - INFO - [chat.py:380] - Successfully saved 61234 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:41,896 - root - INFO - [chat.py:380] - Successfully saved 61263 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:42,222 - root - INFO - [chat.py:380] - Successfully saved 61290 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:42,548 - root - INFO - [chat.py:380] - Successfully saved 61312 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:42,886 - root - INFO - [chat.py:380] - Successfully saved 61335 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:43,220 - root - INFO - [chat.py:380] - Successfully saved 61363 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:43,549 - root - INFO - [chat.py:380] - Successfully saved 61392 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:43,888 - root - INFO - [chat.py:380] - Successfully saved 61421 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:44,220 - root - INFO - [chat.py:380] - Successfully saved 61450 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:44,544 - root - INFO - [chat.py:380] - Successfully saved 61479 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:44,872 - root - INFO - [chat.py:380] - Successfully saved 61508 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:45,212 - root - INFO - [chat.py:380] - Successfully saved 61533 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:45,555 - root - INFO - [chat.py:380] - Successfully saved 61558 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:45,899 - root - INFO - [chat.py:380] - Successfully saved 61582 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:46,237 - root - INFO - [chat.py:380] - Successfully saved 61607 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:46,610 - root - INFO - [chat.py:380] - Successfully saved 61636 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:46,961 - root - INFO - [chat.py:380] - Successfully saved 61665 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:47,310 - root - INFO - [chat.py:380] - Successfully saved 61694 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:47,666 - root - INFO - [chat.py:380] - Successfully saved 61723 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:48,013 - root - INFO - [chat.py:380] - Successfully saved 61752 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:48,363 - root - INFO - [chat.py:380] - Successfully saved 61781 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:48,716 - root - INFO - [chat.py:380] - Successfully saved 61810 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:49,088 - root - INFO - [chat.py:380] - Successfully saved 61837 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:49,443 - root - INFO - [chat.py:380] - Successfully saved 61861 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:49,782 - root - INFO - [chat.py:380] - Successfully saved 61884 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:50,155 - root - INFO - [chat.py:380] - Successfully saved 61909 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:50,514 - root - INFO - [chat.py:380] - Successfully saved 61935 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:50,859 - root - INFO - [chat.py:380] - Successfully saved 61962 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:51,205 - root - INFO - [chat.py:380] - Successfully saved 61980 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:51,568 - root - INFO - [chat.py:380] - Successfully saved 61998 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:51,917 - root - INFO - [chat.py:380] - Successfully saved 62016 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:52,261 - root - INFO - [chat.py:380] - Successfully saved 62034 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:52,595 - root - INFO - [chat.py:380] - Successfully saved 62052 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:52,956 - root - INFO - [chat.py:380] - Successfully saved 62070 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:53,308 - root - INFO - [chat.py:380] - Successfully saved 62088 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:53,639 - root - INFO - [chat.py:380] - Successfully saved 62106 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:53,968 - root - INFO - [chat.py:380] - Successfully saved 62124 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:54,317 - root - INFO - [chat.py:380] - Successfully saved 62149 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:54,660 - root - INFO - [chat.py:380] - Successfully saved 62178 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:55,002 - root - INFO - [chat.py:380] - Successfully saved 62207 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:55,339 - root - INFO - [chat.py:380] - Successfully saved 62236 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:55,670 - root - INFO - [chat.py:380] - Successfully saved 62265 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:56,000 - root - INFO - [chat.py:380] - Successfully saved 62293 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:56,333 - root - INFO - [chat.py:380] - Successfully saved 62320 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:56,671 - root - INFO - [chat.py:380] - Successfully saved 62348 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:57,001 - root - INFO - [chat.py:380] - Successfully saved 62375 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:57,331 - root - INFO - [chat.py:380] - Successfully saved 62399 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:57,661 - root - INFO - [chat.py:380] - Successfully saved 62427 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:58,004 - root - INFO - [chat.py:380] - Successfully saved 62452 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:59,082 - root - INFO - [chat.py:380] - Successfully saved 62481 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:59,423 - root - INFO - [chat.py:380] - Successfully saved 62510 unique ICD codes to JSON for hospital 228 -2025-06-07 14:30:59,774 - root - INFO - [chat.py:380] - Successfully saved 62539 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:00,120 - root - INFO - [chat.py:380] - Successfully saved 62568 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:00,465 - root - INFO - [chat.py:380] - Successfully saved 62594 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:00,812 - root - INFO - [chat.py:380] - Successfully saved 62618 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:01,162 - root - INFO - [chat.py:380] - Successfully saved 62641 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:01,513 - root - INFO - [chat.py:380] - Successfully saved 62668 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:01,861 - root - INFO - [chat.py:380] - Successfully saved 62693 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:02,204 - root - INFO - [chat.py:380] - Successfully saved 62720 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:02,559 - root - INFO - [chat.py:380] - Successfully saved 62749 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:02,910 - root - INFO - [chat.py:380] - Successfully saved 62778 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:03,250 - root - INFO - [chat.py:380] - Successfully saved 62806 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:03,610 - root - INFO - [chat.py:380] - Successfully saved 62831 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:03,969 - root - INFO - [chat.py:380] - Successfully saved 62860 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:04,311 - root - INFO - [chat.py:380] - Successfully saved 62882 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:04,654 - root - INFO - [chat.py:380] - Successfully saved 62907 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:04,988 - root - INFO - [chat.py:380] - Successfully saved 62932 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:05,320 - root - INFO - [chat.py:380] - Successfully saved 62957 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:05,649 - root - INFO - [chat.py:380] - Successfully saved 62980 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:05,979 - root - INFO - [chat.py:380] - Successfully saved 63000 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:06,310 - root - INFO - [chat.py:380] - Successfully saved 63020 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:06,645 - root - INFO - [chat.py:380] - Successfully saved 63042 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:06,978 - root - INFO - [chat.py:380] - Successfully saved 63064 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:07,308 - root - INFO - [chat.py:380] - Successfully saved 63083 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:07,640 - root - INFO - [chat.py:380] - Successfully saved 63103 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:07,971 - root - INFO - [chat.py:380] - Successfully saved 63127 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:08,303 - root - INFO - [chat.py:380] - Successfully saved 63154 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:08,660 - root - INFO - [chat.py:380] - Successfully saved 63180 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:08,990 - root - INFO - [chat.py:380] - Successfully saved 63205 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:09,324 - root - INFO - [chat.py:380] - Successfully saved 63230 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:09,660 - root - INFO - [chat.py:380] - Successfully saved 63257 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:10,000 - root - INFO - [chat.py:380] - Successfully saved 63279 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:10,340 - root - INFO - [chat.py:380] - Successfully saved 63297 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:10,680 - root - INFO - [chat.py:380] - Successfully saved 63324 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:11,041 - root - INFO - [chat.py:380] - Successfully saved 63348 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:11,379 - root - INFO - [chat.py:380] - Successfully saved 63377 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:11,713 - root - INFO - [chat.py:380] - Successfully saved 63406 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:12,048 - root - INFO - [chat.py:380] - Successfully saved 63435 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:12,541 - root - INFO - [chat.py:380] - Successfully saved 63462 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:12,874 - root - INFO - [chat.py:380] - Successfully saved 63489 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:13,209 - root - INFO - [chat.py:380] - Successfully saved 63518 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:13,546 - root - INFO - [chat.py:380] - Successfully saved 63545 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:13,994 - root - INFO - [chat.py:380] - Successfully saved 63572 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:14,331 - root - INFO - [chat.py:380] - Successfully saved 63599 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:14,674 - root - INFO - [chat.py:380] - Successfully saved 63625 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:15,021 - root - INFO - [chat.py:380] - Successfully saved 63645 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:15,366 - root - INFO - [chat.py:380] - Successfully saved 63662 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:15,946 - root - INFO - [chat.py:380] - Successfully saved 63679 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:16,285 - root - INFO - [chat.py:380] - Successfully saved 63696 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:16,626 - root - INFO - [chat.py:380] - Successfully saved 63714 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:16,971 - root - INFO - [chat.py:380] - Successfully saved 63731 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:17,331 - root - INFO - [chat.py:380] - Successfully saved 63748 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:17,699 - root - INFO - [chat.py:380] - Successfully saved 63765 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:18,047 - root - INFO - [chat.py:380] - Successfully saved 63782 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:18,412 - root - INFO - [chat.py:380] - Successfully saved 63799 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:18,768 - root - INFO - [chat.py:380] - Successfully saved 63817 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:19,116 - root - INFO - [chat.py:380] - Successfully saved 63834 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:19,468 - root - INFO - [chat.py:380] - Successfully saved 63859 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:19,805 - root - INFO - [chat.py:380] - Successfully saved 63879 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:20,144 - root - INFO - [chat.py:380] - Successfully saved 63898 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:20,492 - root - INFO - [chat.py:380] - Successfully saved 63916 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:20,828 - root - INFO - [chat.py:380] - Successfully saved 63933 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:21,167 - root - INFO - [chat.py:380] - Successfully saved 63951 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:21,508 - root - INFO - [chat.py:380] - Successfully saved 63968 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:21,846 - root - INFO - [chat.py:380] - Successfully saved 63985 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:22,187 - root - INFO - [chat.py:380] - Successfully saved 64002 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:22,528 - root - INFO - [chat.py:380] - Successfully saved 64020 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:22,867 - root - INFO - [chat.py:380] - Successfully saved 64038 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:23,227 - root - INFO - [chat.py:380] - Successfully saved 64057 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:23,573 - root - INFO - [chat.py:380] - Successfully saved 64075 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:23,923 - root - INFO - [chat.py:380] - Successfully saved 64093 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:24,263 - root - INFO - [chat.py:380] - Successfully saved 64113 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:24,602 - root - INFO - [chat.py:380] - Successfully saved 64133 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:24,958 - root - INFO - [chat.py:380] - Successfully saved 64153 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:25,297 - root - INFO - [chat.py:380] - Successfully saved 64170 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:25,637 - root - INFO - [chat.py:380] - Successfully saved 64188 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:25,994 - root - INFO - [chat.py:380] - Successfully saved 64205 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:26,333 - root - INFO - [chat.py:380] - Successfully saved 64222 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:26,671 - root - INFO - [chat.py:380] - Successfully saved 64239 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:27,012 - root - INFO - [chat.py:380] - Successfully saved 64257 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:27,350 - root - INFO - [chat.py:380] - Successfully saved 64275 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:27,689 - root - INFO - [chat.py:380] - Successfully saved 64293 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:28,029 - root - INFO - [chat.py:380] - Successfully saved 64311 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:28,370 - root - INFO - [chat.py:380] - Successfully saved 64329 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:28,730 - root - INFO - [chat.py:380] - Successfully saved 64347 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:29,081 - root - INFO - [chat.py:380] - Successfully saved 64364 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:29,424 - root - INFO - [chat.py:380] - Successfully saved 64381 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:29,770 - root - INFO - [chat.py:380] - Successfully saved 64398 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:30,116 - root - INFO - [chat.py:380] - Successfully saved 64415 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:30,463 - root - INFO - [chat.py:380] - Successfully saved 64432 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:30,810 - root - INFO - [chat.py:380] - Successfully saved 64449 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:31,148 - root - INFO - [chat.py:380] - Successfully saved 64466 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:31,487 - root - INFO - [chat.py:380] - Successfully saved 64483 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:31,825 - root - INFO - [chat.py:380] - Successfully saved 64500 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:32,173 - root - INFO - [chat.py:380] - Successfully saved 64517 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:32,524 - root - INFO - [chat.py:380] - Successfully saved 64534 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:32,878 - root - INFO - [chat.py:380] - Successfully saved 64551 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:33,225 - root - INFO - [chat.py:380] - Successfully saved 64568 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:33,585 - root - INFO - [chat.py:380] - Successfully saved 64585 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:33,949 - root - INFO - [chat.py:380] - Successfully saved 64602 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:34,300 - root - INFO - [chat.py:380] - Successfully saved 64619 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:34,654 - root - INFO - [chat.py:380] - Successfully saved 64637 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:35,004 - root - INFO - [chat.py:380] - Successfully saved 64657 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:35,346 - root - INFO - [chat.py:380] - Successfully saved 64681 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:35,730 - root - INFO - [chat.py:380] - Successfully saved 64699 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:36,078 - root - INFO - [chat.py:380] - Successfully saved 64720 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:36,476 - root - INFO - [chat.py:380] - Successfully saved 64742 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:36,829 - root - INFO - [chat.py:380] - Successfully saved 64764 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:37,178 - root - INFO - [chat.py:380] - Successfully saved 64791 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:37,530 - root - INFO - [chat.py:380] - Successfully saved 64812 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:37,889 - root - INFO - [chat.py:380] - Successfully saved 64831 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:38,231 - root - INFO - [chat.py:380] - Successfully saved 64849 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:38,576 - root - INFO - [chat.py:380] - Successfully saved 64867 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:38,927 - root - INFO - [chat.py:380] - Successfully saved 64885 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:39,272 - root - INFO - [chat.py:380] - Successfully saved 64905 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:39,627 - root - INFO - [chat.py:380] - Successfully saved 64924 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:39,977 - root - INFO - [chat.py:380] - Successfully saved 64945 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:40,324 - root - INFO - [chat.py:380] - Successfully saved 64966 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:40,672 - root - INFO - [chat.py:380] - Successfully saved 64987 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:41,034 - root - INFO - [chat.py:380] - Successfully saved 65006 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:41,392 - root - INFO - [chat.py:380] - Successfully saved 65023 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:41,738 - root - INFO - [chat.py:380] - Successfully saved 65040 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:42,089 - root - INFO - [chat.py:380] - Successfully saved 65058 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:42,463 - root - INFO - [chat.py:380] - Successfully saved 65075 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:42,810 - root - INFO - [chat.py:380] - Successfully saved 65092 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:43,152 - root - INFO - [chat.py:380] - Successfully saved 65109 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:43,499 - root - INFO - [chat.py:380] - Successfully saved 65126 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:43,848 - root - INFO - [chat.py:380] - Successfully saved 65143 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:44,196 - root - INFO - [chat.py:380] - Successfully saved 65160 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:44,548 - root - INFO - [chat.py:380] - Successfully saved 65177 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:44,900 - root - INFO - [chat.py:380] - Successfully saved 65194 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:45,270 - root - INFO - [chat.py:380] - Successfully saved 65211 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:45,626 - root - INFO - [chat.py:380] - Successfully saved 65228 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:46,016 - root - INFO - [chat.py:380] - Successfully saved 65245 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:46,367 - root - INFO - [chat.py:380] - Successfully saved 65262 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:46,745 - root - INFO - [chat.py:380] - Successfully saved 65279 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:47,092 - root - INFO - [chat.py:380] - Successfully saved 65296 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:47,452 - root - INFO - [chat.py:380] - Successfully saved 65313 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:47,810 - root - INFO - [chat.py:380] - Successfully saved 65330 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:48,166 - root - INFO - [chat.py:380] - Successfully saved 65348 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:48,540 - root - INFO - [chat.py:380] - Successfully saved 65365 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:48,903 - root - INFO - [chat.py:380] - Successfully saved 65382 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:49,283 - root - INFO - [chat.py:380] - Successfully saved 65399 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:49,666 - root - INFO - [chat.py:380] - Successfully saved 65416 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:50,044 - root - INFO - [chat.py:380] - Successfully saved 65433 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:50,406 - root - INFO - [chat.py:380] - Successfully saved 65450 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:50,772 - root - INFO - [chat.py:380] - Successfully saved 65467 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:51,132 - root - INFO - [chat.py:380] - Successfully saved 65484 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:51,491 - root - INFO - [chat.py:380] - Successfully saved 65501 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:51,844 - root - INFO - [chat.py:380] - Successfully saved 65518 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:52,197 - root - INFO - [chat.py:380] - Successfully saved 65535 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:52,548 - root - INFO - [chat.py:380] - Successfully saved 65552 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:52,903 - root - INFO - [chat.py:380] - Successfully saved 65569 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:53,261 - root - INFO - [chat.py:380] - Successfully saved 65587 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:53,614 - root - INFO - [chat.py:380] - Successfully saved 65606 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:53,974 - root - INFO - [chat.py:380] - Successfully saved 65628 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:54,329 - root - INFO - [chat.py:380] - Successfully saved 65647 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:54,682 - root - INFO - [chat.py:380] - Successfully saved 65664 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:55,033 - root - INFO - [chat.py:380] - Successfully saved 65682 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:55,392 - root - INFO - [chat.py:380] - Successfully saved 65700 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:55,747 - root - INFO - [chat.py:380] - Successfully saved 65718 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:56,118 - root - INFO - [chat.py:380] - Successfully saved 65736 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:56,475 - root - INFO - [chat.py:380] - Successfully saved 65754 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:56,872 - root - INFO - [chat.py:380] - Successfully saved 65772 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:57,222 - root - INFO - [chat.py:380] - Successfully saved 65790 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:57,571 - root - INFO - [chat.py:380] - Successfully saved 65809 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:57,925 - root - INFO - [chat.py:380] - Successfully saved 65829 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:58,278 - root - INFO - [chat.py:380] - Successfully saved 65848 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:58,655 - root - INFO - [chat.py:380] - Successfully saved 65867 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:59,041 - root - INFO - [chat.py:380] - Successfully saved 65887 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:59,398 - root - INFO - [chat.py:380] - Successfully saved 65909 unique ICD codes to JSON for hospital 228 -2025-06-07 14:31:59,769 - root - INFO - [chat.py:380] - Successfully saved 65931 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:00,178 - root - INFO - [chat.py:380] - Successfully saved 65957 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:00,534 - root - INFO - [chat.py:380] - Successfully saved 65977 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:00,887 - root - INFO - [chat.py:380] - Successfully saved 65995 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:01,247 - root - INFO - [chat.py:380] - Successfully saved 66015 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:01,603 - root - INFO - [chat.py:380] - Successfully saved 66043 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:01,972 - root - INFO - [chat.py:380] - Successfully saved 66068 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:02,330 - root - INFO - [chat.py:380] - Successfully saved 66093 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:02,687 - root - INFO - [chat.py:380] - Successfully saved 66117 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:03,054 - root - INFO - [chat.py:380] - Successfully saved 66144 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:03,406 - root - INFO - [chat.py:380] - Successfully saved 66168 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:03,771 - root - INFO - [chat.py:380] - Successfully saved 66192 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:04,140 - root - INFO - [chat.py:380] - Successfully saved 66219 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:04,496 - root - INFO - [chat.py:380] - Successfully saved 66242 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:04,870 - root - INFO - [chat.py:380] - Successfully saved 66264 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:05,223 - root - INFO - [chat.py:380] - Successfully saved 66284 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:05,573 - root - INFO - [chat.py:380] - Successfully saved 66305 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:05,928 - root - INFO - [chat.py:380] - Successfully saved 66330 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:06,291 - root - INFO - [chat.py:380] - Successfully saved 66357 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:06,652 - root - INFO - [chat.py:380] - Successfully saved 66384 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:07,012 - root - INFO - [chat.py:380] - Successfully saved 66404 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:07,365 - root - INFO - [chat.py:380] - Successfully saved 66423 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:07,750 - root - INFO - [chat.py:380] - Successfully saved 66443 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:08,128 - root - INFO - [chat.py:380] - Successfully saved 66468 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:08,497 - root - INFO - [chat.py:380] - Successfully saved 66496 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:08,958 - root - INFO - [chat.py:380] - Successfully saved 66517 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:09,318 - root - INFO - [chat.py:380] - Successfully saved 66535 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:09,677 - root - INFO - [chat.py:380] - Successfully saved 66555 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:10,042 - root - INFO - [chat.py:380] - Successfully saved 66581 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:10,398 - root - INFO - [chat.py:380] - Successfully saved 66610 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:10,749 - root - INFO - [chat.py:380] - Successfully saved 66639 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:11,111 - root - INFO - [chat.py:380] - Successfully saved 66658 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:11,468 - root - INFO - [chat.py:380] - Successfully saved 66677 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:11,824 - root - INFO - [chat.py:380] - Successfully saved 66697 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:12,179 - root - INFO - [chat.py:380] - Successfully saved 66726 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:12,531 - root - INFO - [chat.py:380] - Successfully saved 66755 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:12,884 - root - INFO - [chat.py:380] - Successfully saved 66784 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:13,238 - root - INFO - [chat.py:380] - Successfully saved 66813 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:13,596 - root - INFO - [chat.py:380] - Successfully saved 66842 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:13,954 - root - INFO - [chat.py:380] - Successfully saved 66869 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:14,309 - root - INFO - [chat.py:380] - Successfully saved 66893 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:14,674 - root - INFO - [chat.py:380] - Successfully saved 66922 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:15,031 - root - INFO - [chat.py:380] - Successfully saved 66947 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:15,388 - root - INFO - [chat.py:380] - Successfully saved 66975 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:15,744 - root - INFO - [chat.py:380] - Successfully saved 67004 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:16,098 - root - INFO - [chat.py:380] - Successfully saved 67033 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:16,453 - root - INFO - [chat.py:380] - Successfully saved 67062 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:16,809 - root - INFO - [chat.py:380] - Successfully saved 67091 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:17,165 - root - INFO - [chat.py:380] - Successfully saved 67120 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:17,519 - root - INFO - [chat.py:380] - Successfully saved 67149 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:17,874 - root - INFO - [chat.py:380] - Successfully saved 67167 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:18,242 - root - INFO - [chat.py:380] - Successfully saved 67190 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:18,601 - root - INFO - [chat.py:380] - Successfully saved 67219 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:18,965 - root - INFO - [chat.py:380] - Successfully saved 67248 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:19,833 - root - INFO - [chat.py:380] - Successfully saved 67274 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:20,203 - root - INFO - [chat.py:380] - Successfully saved 67298 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:20,565 - root - INFO - [chat.py:380] - Successfully saved 67325 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:20,934 - root - INFO - [chat.py:380] - Successfully saved 67347 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:21,305 - root - INFO - [chat.py:380] - Successfully saved 67366 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:21,674 - root - INFO - [chat.py:380] - Successfully saved 67387 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:22,041 - root - INFO - [chat.py:380] - Successfully saved 67414 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:22,428 - root - INFO - [chat.py:380] - Successfully saved 67443 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:22,793 - root - INFO - [chat.py:380] - Successfully saved 67468 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:23,157 - root - INFO - [chat.py:380] - Successfully saved 67497 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:23,523 - root - INFO - [chat.py:380] - Successfully saved 67526 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:23,883 - root - INFO - [chat.py:380] - Successfully saved 67555 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:24,246 - root - INFO - [chat.py:380] - Successfully saved 67583 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:24,602 - root - INFO - [chat.py:380] - Successfully saved 67612 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:24,958 - root - INFO - [chat.py:380] - Successfully saved 67641 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:25,319 - root - INFO - [chat.py:380] - Successfully saved 67669 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:25,674 - root - INFO - [chat.py:380] - Successfully saved 67698 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:26,043 - root - INFO - [chat.py:380] - Successfully saved 67727 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:26,404 - root - INFO - [chat.py:380] - Successfully saved 67756 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:26,765 - root - INFO - [chat.py:380] - Successfully saved 67785 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:27,120 - root - INFO - [chat.py:380] - Successfully saved 67814 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:27,482 - root - INFO - [chat.py:380] - Successfully saved 67843 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:27,844 - root - INFO - [chat.py:380] - Successfully saved 67872 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:28,203 - root - INFO - [chat.py:380] - Successfully saved 67901 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:28,563 - root - INFO - [chat.py:380] - Successfully saved 67930 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:28,925 - root - INFO - [chat.py:380] - Successfully saved 67959 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:29,284 - root - INFO - [chat.py:380] - Successfully saved 67988 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:29,646 - root - INFO - [chat.py:380] - Successfully saved 68017 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:30,007 - root - INFO - [chat.py:380] - Successfully saved 68045 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:30,367 - root - INFO - [chat.py:380] - Successfully saved 68074 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:30,728 - root - INFO - [chat.py:380] - Successfully saved 68103 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:31,089 - root - INFO - [chat.py:380] - Successfully saved 68132 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:31,456 - root - INFO - [chat.py:380] - Successfully saved 68161 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:31,822 - root - INFO - [chat.py:380] - Successfully saved 68190 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:32,184 - root - INFO - [chat.py:380] - Successfully saved 68218 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:32,556 - root - INFO - [chat.py:380] - Successfully saved 68247 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:32,920 - root - INFO - [chat.py:380] - Successfully saved 68275 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:33,283 - root - INFO - [chat.py:380] - Successfully saved 68301 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:33,657 - root - INFO - [chat.py:380] - Successfully saved 68329 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:34,027 - root - INFO - [chat.py:380] - Successfully saved 68358 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:34,392 - root - INFO - [chat.py:380] - Successfully saved 68387 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:34,763 - root - INFO - [chat.py:380] - Successfully saved 68416 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:35,130 - root - INFO - [chat.py:380] - Successfully saved 68445 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:35,498 - root - INFO - [chat.py:380] - Successfully saved 68474 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:35,862 - root - INFO - [chat.py:380] - Successfully saved 68503 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:36,225 - root - INFO - [chat.py:380] - Successfully saved 68532 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:36,594 - root - INFO - [chat.py:380] - Successfully saved 68560 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:36,964 - root - INFO - [chat.py:380] - Successfully saved 68587 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:37,329 - root - INFO - [chat.py:380] - Successfully saved 68616 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:37,697 - root - INFO - [chat.py:380] - Successfully saved 68645 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:38,067 - root - INFO - [chat.py:380] - Successfully saved 68673 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:38,443 - root - INFO - [chat.py:380] - Successfully saved 68702 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:38,834 - root - INFO - [chat.py:380] - Successfully saved 68731 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:39,208 - root - INFO - [chat.py:380] - Successfully saved 68760 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:39,576 - root - INFO - [chat.py:380] - Successfully saved 68789 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:39,956 - root - INFO - [chat.py:380] - Successfully saved 68818 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:40,322 - root - INFO - [chat.py:380] - Successfully saved 68847 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:40,687 - root - INFO - [chat.py:380] - Successfully saved 68876 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:41,069 - root - INFO - [chat.py:380] - Successfully saved 68903 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:41,452 - root - INFO - [chat.py:380] - Successfully saved 68932 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:41,834 - root - INFO - [chat.py:380] - Successfully saved 68961 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:42,212 - root - INFO - [chat.py:380] - Successfully saved 68986 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:42,577 - root - INFO - [chat.py:380] - Successfully saved 69010 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:42,947 - root - INFO - [chat.py:380] - Successfully saved 69035 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:43,311 - root - INFO - [chat.py:380] - Successfully saved 69060 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:43,699 - root - INFO - [chat.py:380] - Successfully saved 69086 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:44,068 - root - INFO - [chat.py:380] - Successfully saved 69113 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:44,438 - root - INFO - [chat.py:380] - Successfully saved 69138 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:44,820 - root - INFO - [chat.py:380] - Successfully saved 69163 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:45,180 - root - INFO - [chat.py:380] - Successfully saved 69190 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:45,544 - root - INFO - [chat.py:380] - Successfully saved 69214 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:45,915 - root - INFO - [chat.py:380] - Successfully saved 69234 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:46,284 - root - INFO - [chat.py:380] - Successfully saved 69253 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:46,674 - root - INFO - [chat.py:380] - Successfully saved 69277 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:47,080 - root - INFO - [chat.py:380] - Successfully saved 69297 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:47,455 - root - INFO - [chat.py:380] - Successfully saved 69322 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:47,822 - root - INFO - [chat.py:380] - Successfully saved 69347 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:48,184 - root - INFO - [chat.py:380] - Successfully saved 69372 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:48,552 - root - INFO - [chat.py:380] - Successfully saved 69394 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:48,931 - root - INFO - [chat.py:380] - Successfully saved 69415 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:49,298 - root - INFO - [chat.py:380] - Successfully saved 69437 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:49,666 - root - INFO - [chat.py:380] - Successfully saved 69456 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:50,040 - root - INFO - [chat.py:380] - Successfully saved 69480 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:50,428 - root - INFO - [chat.py:380] - Successfully saved 69503 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:50,868 - root - INFO - [chat.py:380] - Successfully saved 69523 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:51,276 - root - INFO - [chat.py:380] - Successfully saved 69541 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:51,732 - root - INFO - [chat.py:380] - Successfully saved 69565 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:52,106 - root - INFO - [chat.py:380] - Successfully saved 69585 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:52,483 - root - INFO - [chat.py:380] - Successfully saved 69607 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:52,851 - root - INFO - [chat.py:380] - Successfully saved 69632 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:53,223 - root - INFO - [chat.py:380] - Successfully saved 69657 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:53,608 - root - INFO - [chat.py:380] - Successfully saved 69677 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:53,997 - root - INFO - [chat.py:380] - Successfully saved 69698 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:54,397 - root - INFO - [chat.py:380] - Successfully saved 69720 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:54,794 - root - INFO - [chat.py:380] - Successfully saved 69743 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:55,168 - root - INFO - [chat.py:380] - Successfully saved 69768 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:55,540 - root - INFO - [chat.py:380] - Successfully saved 69796 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:55,919 - root - INFO - [chat.py:380] - Successfully saved 69825 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:56,349 - root - INFO - [chat.py:380] - Successfully saved 69854 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:56,727 - root - INFO - [chat.py:380] - Successfully saved 69878 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:57,111 - root - INFO - [chat.py:380] - Successfully saved 69896 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:57,486 - root - INFO - [chat.py:380] - Successfully saved 69916 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:57,883 - root - INFO - [chat.py:380] - Successfully saved 69934 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:58,252 - root - INFO - [chat.py:380] - Successfully saved 69955 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:58,627 - root - INFO - [chat.py:380] - Successfully saved 69977 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:58,996 - root - INFO - [chat.py:380] - Successfully saved 70004 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:59,364 - root - INFO - [chat.py:380] - Successfully saved 70030 unique ICD codes to JSON for hospital 228 -2025-06-07 14:32:59,739 - root - INFO - [chat.py:380] - Successfully saved 70058 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:00,110 - root - INFO - [chat.py:380] - Successfully saved 70082 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:00,482 - root - INFO - [chat.py:380] - Successfully saved 70111 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:00,855 - root - INFO - [chat.py:380] - Successfully saved 70138 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:01,233 - root - INFO - [chat.py:380] - Successfully saved 70167 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:01,609 - root - INFO - [chat.py:380] - Successfully saved 70196 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:02,002 - root - INFO - [chat.py:380] - Successfully saved 70225 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:02,380 - root - INFO - [chat.py:380] - Successfully saved 70254 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:02,769 - root - INFO - [chat.py:380] - Successfully saved 70283 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:03,146 - root - INFO - [chat.py:380] - Successfully saved 70311 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:03,526 - root - INFO - [chat.py:380] - Successfully saved 70340 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:03,922 - root - INFO - [chat.py:380] - Successfully saved 70367 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:04,310 - root - INFO - [chat.py:380] - Successfully saved 70395 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:04,701 - root - INFO - [chat.py:380] - Successfully saved 70424 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:05,084 - root - INFO - [chat.py:380] - Successfully saved 70453 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:05,474 - root - INFO - [chat.py:380] - Successfully saved 70480 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:05,850 - root - INFO - [chat.py:380] - Successfully saved 70509 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:06,229 - root - INFO - [chat.py:380] - Successfully saved 70538 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:06,604 - root - INFO - [chat.py:380] - Successfully saved 70567 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:06,977 - root - INFO - [chat.py:380] - Successfully saved 70596 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:07,354 - root - INFO - [chat.py:380] - Successfully saved 70625 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:07,733 - root - INFO - [chat.py:380] - Successfully saved 70654 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:08,106 - root - INFO - [chat.py:380] - Successfully saved 70682 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:08,950 - root - INFO - [chat.py:380] - Successfully saved 70711 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:09,333 - root - INFO - [chat.py:380] - Successfully saved 70738 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:09,733 - root - INFO - [chat.py:380] - Successfully saved 70767 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:10,204 - root - INFO - [chat.py:380] - Successfully saved 70796 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:10,603 - root - INFO - [chat.py:380] - Successfully saved 70823 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:10,997 - root - INFO - [chat.py:380] - Successfully saved 70852 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:11,393 - root - INFO - [chat.py:380] - Successfully saved 70881 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:11,773 - root - INFO - [chat.py:380] - Successfully saved 70910 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:12,153 - root - INFO - [chat.py:380] - Successfully saved 70939 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:12,537 - root - INFO - [chat.py:380] - Successfully saved 70968 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:12,923 - root - INFO - [chat.py:380] - Successfully saved 70997 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:13,305 - root - INFO - [chat.py:380] - Successfully saved 71026 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:13,705 - root - INFO - [chat.py:380] - Successfully saved 71055 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:14,101 - root - INFO - [chat.py:380] - Successfully saved 71084 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:14,484 - root - INFO - [chat.py:380] - Successfully saved 71111 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:14,867 - root - INFO - [chat.py:380] - Successfully saved 71140 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:15,243 - root - INFO - [chat.py:380] - Successfully saved 71169 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:15,624 - root - INFO - [chat.py:380] - Successfully saved 71197 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:16,010 - root - INFO - [chat.py:380] - Successfully saved 71225 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:16,395 - root - INFO - [chat.py:380] - Successfully saved 71252 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:16,776 - root - INFO - [chat.py:380] - Successfully saved 71281 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:17,156 - root - INFO - [chat.py:380] - Successfully saved 71310 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:17,536 - root - INFO - [chat.py:380] - Successfully saved 71339 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:17,918 - root - INFO - [chat.py:380] - Successfully saved 71368 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:18,295 - root - INFO - [chat.py:380] - Successfully saved 71396 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:18,687 - root - INFO - [chat.py:380] - Successfully saved 71425 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:19,069 - root - INFO - [chat.py:380] - Successfully saved 71454 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:19,447 - root - INFO - [chat.py:380] - Successfully saved 71483 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:19,836 - root - INFO - [chat.py:380] - Successfully saved 71493 unique ICD codes to JSON for hospital 228 -2025-06-07 14:33:19,863 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-07 14:33:23,139 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-07 14:33:23,170 - root - INFO - [chat.py:572] - Processing 2966 pages for document 423 -2025-06-07 14:33:26,718 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:33:35,801 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:33:45,014 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:33:54,840 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:34:04,158 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:34:14,643 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:34:24,288 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:34:34,023 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:34:40,135 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:34:42,213 - root - INFO - [chat.py:646] - Saving 71572 ICD codes -2025-06-07 14:34:42,214 - root - INFO - [chat.py:650] - Successfully indexed document 423 -2025-06-07 14:34:42,249 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-07 14:34:42,442 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 734.161s - IP: 127.0.0.1 -2025-06-07 14:34:42,446 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 14:34:42] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-07 14:34:42,454 - access - INFO - [chat.py:1838] - PDF processing request received from 127.0.0.1 -2025-06-07 14:34:42,459 - root - INFO - [chat.py:1845] - Received PDF processing request for hospital 228, doc_id 424 -2025-06-07 14:34:42,462 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-07 14:34:42,462 - root - INFO - [chat.py:1858] - Starting processing of document 424 -2025-06-07 14:34:42,466 - root - INFO - [chat.py:1866] - Extracting PDF contents... -2025-06-07 14:34:43,463 - root - INFO - [chat.py:380] - Successfully saved 71497 unique ICD codes to JSON for hospital 228 -2025-06-07 14:34:43,853 - root - INFO - [chat.py:380] - Successfully saved 71497 unique ICD codes to JSON for hospital 228 -2025-06-07 14:34:44,221 - root - INFO - [chat.py:380] - Successfully saved 71497 unique ICD codes to JSON for hospital 228 -2025-06-07 14:34:44,581 - root - INFO - [chat.py:380] - Successfully saved 71497 unique ICD codes to JSON for hospital 228 -2025-06-07 14:34:44,985 - root - INFO - [chat.py:380] - Successfully saved 71497 unique ICD codes to JSON for hospital 228 -2025-06-07 14:34:45,342 - root - INFO - [chat.py:380] - Successfully saved 71498 unique ICD codes to JSON for hospital 228 -2025-06-07 14:34:45,698 - root - INFO - [chat.py:380] - Successfully saved 71499 unique ICD codes to JSON for hospital 228 -2025-06-07 14:34:46,063 - root - INFO - [chat.py:380] - Successfully saved 71499 unique ICD codes to JSON for hospital 228 -2025-06-07 14:34:46,441 - root - INFO - [chat.py:380] - Successfully saved 71499 unique ICD codes to JSON for hospital 228 -2025-06-07 14:34:46,816 - root - INFO - [chat.py:380] - Successfully saved 71500 unique ICD codes to JSON for hospital 228 -2025-06-07 14:34:46,828 - root - INFO - [chat.py:1869] - Inserting content into database... -2025-06-07 14:34:48,247 - root - INFO - [chat.py:1879] - Creating embeddings and indexing... -2025-06-07 14:34:48,250 - root - INFO - [chat.py:572] - Processing 28 pages for document 424 -2025-06-07 14:34:49,144 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:34:50,702 - root - INFO - [chat.py:646] - Saving 31 ICD codes -2025-06-07 14:34:50,703 - root - INFO - [chat.py:650] - Successfully indexed document 424 -2025-06-07 14:34:50,704 - root - INFO - [chat.py:1883] - Document processing completed successfully -2025-06-07 14:34:50,781 - access - INFO - [chat.py:2122] - "POST /flask-api/process-pdf" 200 - Duration: 8.328s - IP: 127.0.0.1 -2025-06-07 14:34:50,782 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 14:34:50] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-07 14:35:29,997 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-07 14:35:29,998 - root - INFO - [chat.py:1938] - Received question from user default: what is a0102 in icd code -2025-06-07 14:35:29,998 - root - INFO - [chat.py:1939] - Received hospital code: MUFLPX5NU89E -2025-06-07 14:35:29,999 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-07 14:35:30,003 - root - INFO - [chat.py:1948] - Resolved hospital ID: 228 -2025-06-07 14:35:31,135 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:35:31,152 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_228:what is a0102 in icd code -2025-06-07 14:35:31,153 - root - INFO - [chat.py:1554] - Follow-up analysis enhanced: -2025-06-07 14:35:31,153 - root - INFO - [chat.py:1555] - - Referential words: False -2025-06-07 14:35:31,153 - root - INFO - [chat.py:1556] - - Term similarity: 0.00 -2025-06-07 14:35:31,153 - root - INFO - [chat.py:1557] - - Entity attribute question: False -2025-06-07 14:35:31,153 - root - INFO - [chat.py:1558] - - Last entities found: set() -2025-06-07 14:35:31,153 - root - INFO - [chat.py:1559] - - Is follow-up: False -2025-06-07 14:35:31,154 - root - INFO - [chat.py:745] - Key words: ['a0102', 'icd', 'code'] -2025-06-07 14:35:31,154 - root - INFO - [chat.py:752] - Matches: 3 out of 3 keywords -2025-06-07 14:35:31,154 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-07 14:35:31,840 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 14:35:31,842 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what is a0102 in icd code -2025-06-07 14:35:31,843 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:228:1 -2025-06-07 14:35:31,844 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 1.847s - IP: 127.0.0.1 -2025-06-07 14:35:31,844 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 14:35:31] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 14:35:59,277 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-07 14:35:59,278 - root - INFO - [chat.py:1938] - Received question from user default: what is the icd code paratyphoid fever a -2025-06-07 14:35:59,278 - root - INFO - [chat.py:1939] - Received hospital code: MUFLPX5NU89E -2025-06-07 14:35:59,278 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-07 14:35:59,282 - root - INFO - [chat.py:1948] - Resolved hospital ID: 228 -2025-06-07 14:36:00,323 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:36:00,338 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_228:what is the icd code paratyphoid fever a -2025-06-07 14:36:00,338 - root - INFO - [chat.py:1554] - Follow-up analysis enhanced: -2025-06-07 14:36:00,339 - root - INFO - [chat.py:1555] - - Referential words: False -2025-06-07 14:36:00,339 - root - INFO - [chat.py:1556] - - Term similarity: 0.27 -2025-06-07 14:36:00,339 - root - INFO - [chat.py:1557] - - Entity attribute question: False -2025-06-07 14:36:00,339 - root - INFO - [chat.py:1558] - - Last entities found: set() -2025-06-07 14:36:00,339 - root - INFO - [chat.py:1559] - - Is follow-up: True -2025-06-07 14:36:01,060 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 14:36:01,064 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what is the icd code paratyphoid fever a -2025-06-07 14:36:01,065 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:228:1 -2025-06-07 14:36:01,066 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 1.789s - IP: 127.0.0.1 -2025-06-07 14:36:01,066 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 14:36:01] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 14:36:17,780 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-07 14:36:17,781 - root - INFO - [chat.py:1938] - Received question from user default: what is a014 -2025-06-07 14:36:17,782 - root - INFO - [chat.py:1939] - Received hospital code: MUFLPX5NU89E -2025-06-07 14:36:17,782 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-07 14:36:17,786 - root - INFO - [chat.py:1948] - Resolved hospital ID: 228 -2025-06-07 14:36:18,633 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:36:18,649 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_228:what is a014 -2025-06-07 14:36:18,650 - root - INFO - [chat.py:1554] - Follow-up analysis enhanced: -2025-06-07 14:36:18,650 - root - INFO - [chat.py:1555] - - Referential words: False -2025-06-07 14:36:18,650 - root - INFO - [chat.py:1556] - - Term similarity: 0.00 -2025-06-07 14:36:18,651 - root - INFO - [chat.py:1557] - - Entity attribute question: False -2025-06-07 14:36:18,651 - root - INFO - [chat.py:1558] - - Last entities found: set() -2025-06-07 14:36:18,651 - root - INFO - [chat.py:1559] - - Is follow-up: False -2025-06-07 14:36:18,651 - root - INFO - [chat.py:745] - Key words: ['a014'] -2025-06-07 14:36:18,651 - root - INFO - [chat.py:752] - Matches: 1 out of 1 keywords -2025-06-07 14:36:18,651 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-07 14:36:19,919 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 14:36:19,920 - root - INFO - [chat.py:1626] - Generated RAG answer for question: what is a014 -2025-06-07 14:36:19,921 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:228:1 -2025-06-07 14:36:19,922 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 2.143s - IP: 127.0.0.1 -2025-06-07 14:36:19,923 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 14:36:19] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 14:36:47,905 - access - INFO - [chat.py:1929] - Generate answer request received from 127.0.0.1 -2025-06-07 14:36:47,905 - root - INFO - [chat.py:1938] - Received question from user default: tell me about covid 19 -2025-06-07 14:36:47,905 - root - INFO - [chat.py:1939] - Received hospital code: MUFLPX5NU89E -2025-06-07 14:36:47,905 - root - INFO - [chat.py:1940] - Received session_id: 1 -2025-06-07 14:36:47,908 - root - INFO - [chat.py:1948] - Resolved hospital ID: 228 -2025-06-07 14:36:49,064 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 14:36:49,079 - root - INFO - [chat.py:1227] - Cached context for key: context:hospital_228:tell me about covid 19 -2025-06-07 14:36:49,079 - root - INFO - [chat.py:1554] - Follow-up analysis enhanced: -2025-06-07 14:36:49,079 - root - INFO - [chat.py:1555] - - Referential words: False -2025-06-07 14:36:49,079 - root - INFO - [chat.py:1556] - - Term similarity: 0.00 -2025-06-07 14:36:49,079 - root - INFO - [chat.py:1557] - - Entity attribute question: True -2025-06-07 14:36:49,080 - root - INFO - [chat.py:1558] - - Last entities found: set() -2025-06-07 14:36:49,080 - root - INFO - [chat.py:1559] - - Is follow-up: False -2025-06-07 14:36:49,080 - root - INFO - [chat.py:745] - Key words: ['covid'] -2025-06-07 14:36:49,080 - root - INFO - [chat.py:752] - Matches: 1 out of 1 keywords -2025-06-07 14:36:49,080 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-07 14:36:51,347 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 14:36:51,352 - root - INFO - [chat.py:1626] - Generated RAG answer for question: tell me about covid 19 -2025-06-07 14:36:51,352 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:228:1 -2025-06-07 14:36:51,353 - access - INFO - [chat.py:2122] - "POST /flask-api/generate-answer" 200 - Duration: 3.448s - IP: 127.0.0.1 -2025-06-07 14:36:51,354 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 14:36:51] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 15:12:49,016 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-07 15:12:49,104 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-07 15:13:20,266 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-07 15:13:20,266 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-07 15:13:20,267 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-07 15:13:20,267 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-07 15:13:25,102 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-07 15:13:25,104 - root - INFO - [chat.py:2131] - Starting SpurrinAI application -2025-06-07 15:13:25,104 - root - INFO - [chat.py:2132] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-07 15:13:25,105 - root - INFO - [chat.py:2133] - Environment: production -2025-06-07 15:13:25,105 - root - INFO - [chat.py:2137] - Model manager initialized successfully -2025-06-07 15:13:25,105 - root - INFO - [chat.py:2145] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-07 15:13:25,108 - root - INFO - [chat.py:2153] - Cleared 0 Redis cache keys -2025-06-07 15:13:25,109 - root - INFO - [chat.py:2156] - Loading existing vector stores... -2025-06-07 15:13:25,136 - root - INFO - [chat.py:497] - Loading vector store for hospital 6 and user default -2025-06-07 15:13:25,949 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,258 - root - INFO - [chat.py:497] - Loading vector store for hospital 10 and user default -2025-06-07 15:13:26,260 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,272 - root - INFO - [chat.py:497] - Loading vector store for hospital 16 and user default -2025-06-07 15:13:26,275 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,296 - root - INFO - [chat.py:497] - Loading vector store for hospital 19 and user default -2025-06-07 15:13:26,299 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,321 - root - INFO - [chat.py:497] - Loading vector store for hospital 26 and user default -2025-06-07 15:13:26,324 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,341 - root - INFO - [chat.py:497] - Loading vector store for hospital 27 and user default -2025-06-07 15:13:26,344 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,357 - root - INFO - [chat.py:497] - Loading vector store for hospital 29 and user default -2025-06-07 15:13:26,359 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,373 - root - INFO - [chat.py:497] - Loading vector store for hospital 31 and user default -2025-06-07 15:13:26,376 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,388 - root - INFO - [chat.py:497] - Loading vector store for hospital 32 and user default -2025-06-07 15:13:26,391 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,403 - root - INFO - [chat.py:497] - Loading vector store for hospital 36 and user default -2025-06-07 15:13:26,406 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,417 - root - INFO - [chat.py:497] - Loading vector store for hospital 37 and user default -2025-06-07 15:13:26,420 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,431 - root - INFO - [chat.py:497] - Loading vector store for hospital 41 and user default -2025-06-07 15:13:26,434 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,445 - root - INFO - [chat.py:497] - Loading vector store for hospital 42 and user default -2025-06-07 15:13:26,448 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,461 - root - INFO - [chat.py:497] - Loading vector store for hospital 47 and user default -2025-06-07 15:13:26,463 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,495 - root - INFO - [chat.py:497] - Loading vector store for hospital 48 and user default -2025-06-07 15:13:26,498 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,509 - root - INFO - [chat.py:497] - Loading vector store for hospital 52 and user default -2025-06-07 15:13:26,512 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,527 - root - INFO - [chat.py:497] - Loading vector store for hospital 53 and user default -2025-06-07 15:13:26,529 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,555 - root - INFO - [chat.py:497] - Loading vector store for hospital 56 and user default -2025-06-07 15:13:26,557 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,581 - root - INFO - [chat.py:497] - Loading vector store for hospital 57 and user default -2025-06-07 15:13:26,583 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,595 - root - INFO - [chat.py:497] - Loading vector store for hospital 59 and user default -2025-06-07 15:13:26,598 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,616 - root - INFO - [chat.py:497] - Loading vector store for hospital 60 and user default -2025-06-07 15:13:26,619 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,632 - root - INFO - [chat.py:497] - Loading vector store for hospital 64 and user default -2025-06-07 15:13:26,635 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,646 - root - INFO - [chat.py:497] - Loading vector store for hospital 65 and user default -2025-06-07 15:13:26,649 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,662 - root - INFO - [chat.py:497] - Loading vector store for hospital 66 and user default -2025-06-07 15:13:26,665 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,676 - root - INFO - [chat.py:497] - Loading vector store for hospital 67 and user default -2025-06-07 15:13:26,679 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,694 - root - INFO - [chat.py:497] - Loading vector store for hospital 68 and user default -2025-06-07 15:13:26,697 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,708 - root - INFO - [chat.py:497] - Loading vector store for hospital 69 and user default -2025-06-07 15:13:26,711 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,724 - root - INFO - [chat.py:497] - Loading vector store for hospital 70 and user default -2025-06-07 15:13:26,727 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,741 - root - INFO - [chat.py:497] - Loading vector store for hospital 71 and user default -2025-06-07 15:13:26,744 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,755 - root - INFO - [chat.py:497] - Loading vector store for hospital 72 and user default -2025-06-07 15:13:26,757 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,774 - root - INFO - [chat.py:497] - Loading vector store for hospital 73 and user default -2025-06-07 15:13:26,777 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,789 - root - INFO - [chat.py:497] - Loading vector store for hospital 75 and user default -2025-06-07 15:13:26,792 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,803 - root - INFO - [chat.py:497] - Loading vector store for hospital 76 and user default -2025-06-07 15:13:26,805 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,819 - root - INFO - [chat.py:497] - Loading vector store for hospital 80 and user default -2025-06-07 15:13:26,821 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,842 - root - INFO - [chat.py:497] - Loading vector store for hospital 81 and user default -2025-06-07 15:13:26,845 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,856 - root - INFO - [chat.py:497] - Loading vector store for hospital 86 and user default -2025-06-07 15:13:26,859 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,870 - root - INFO - [chat.py:497] - Loading vector store for hospital 87 and user default -2025-06-07 15:13:26,873 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,884 - root - INFO - [chat.py:497] - Loading vector store for hospital 90 and user default -2025-06-07 15:13:26,886 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,897 - root - INFO - [chat.py:497] - Loading vector store for hospital 91 and user default -2025-06-07 15:13:26,899 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,911 - root - INFO - [chat.py:497] - Loading vector store for hospital 92 and user default -2025-06-07 15:13:26,914 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,925 - root - INFO - [chat.py:497] - Loading vector store for hospital 94 and user default -2025-06-07 15:13:26,928 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,940 - root - INFO - [chat.py:497] - Loading vector store for hospital 95 and user default -2025-06-07 15:13:26,942 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,954 - root - INFO - [chat.py:497] - Loading vector store for hospital 96 and user default -2025-06-07 15:13:26,957 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,969 - root - INFO - [chat.py:497] - Loading vector store for hospital 97 and user default -2025-06-07 15:13:26,971 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:26,983 - root - INFO - [chat.py:497] - Loading vector store for hospital 99 and user default -2025-06-07 15:13:26,986 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,003 - root - INFO - [chat.py:497] - Loading vector store for hospital 103 and user default -2025-06-07 15:13:27,005 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,017 - root - INFO - [chat.py:497] - Loading vector store for hospital 106 and user default -2025-06-07 15:13:27,019 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,040 - root - INFO - [chat.py:497] - Loading vector store for hospital 107 and user default -2025-06-07 15:13:27,043 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,062 - root - INFO - [chat.py:497] - Loading vector store for hospital 110 and user default -2025-06-07 15:13:27,064 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,078 - root - INFO - [chat.py:497] - Loading vector store for hospital 111 and user default -2025-06-07 15:13:27,080 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,094 - root - INFO - [chat.py:497] - Loading vector store for hospital 112 and user default -2025-06-07 15:13:27,096 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,109 - root - INFO - [chat.py:497] - Loading vector store for hospital 113 and user default -2025-06-07 15:13:27,111 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,123 - root - INFO - [chat.py:497] - Loading vector store for hospital 114 and user default -2025-06-07 15:13:27,126 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,139 - root - INFO - [chat.py:497] - Loading vector store for hospital 116 and user default -2025-06-07 15:13:27,142 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,158 - root - INFO - [chat.py:497] - Loading vector store for hospital 117 and user default -2025-06-07 15:13:27,161 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,174 - root - INFO - [chat.py:497] - Loading vector store for hospital 118 and user default -2025-06-07 15:13:27,177 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,190 - root - INFO - [chat.py:497] - Loading vector store for hospital 119 and user default -2025-06-07 15:13:27,193 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,205 - root - INFO - [chat.py:497] - Loading vector store for hospital 121 and user default -2025-06-07 15:13:27,208 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,221 - root - INFO - [chat.py:497] - Loading vector store for hospital 122 and user default -2025-06-07 15:13:27,224 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,237 - root - INFO - [chat.py:497] - Loading vector store for hospital 123 and user default -2025-06-07 15:13:27,240 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,252 - root - INFO - [chat.py:497] - Loading vector store for hospital 124 and user default -2025-06-07 15:13:27,255 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,268 - root - INFO - [chat.py:497] - Loading vector store for hospital 126 and user default -2025-06-07 15:13:27,271 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,284 - root - INFO - [chat.py:497] - Loading vector store for hospital 127 and user default -2025-06-07 15:13:27,287 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,307 - root - INFO - [chat.py:497] - Loading vector store for hospital 129 and user default -2025-06-07 15:13:27,310 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,323 - root - INFO - [chat.py:497] - Loading vector store for hospital 131 and user default -2025-06-07 15:13:27,325 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,337 - root - INFO - [chat.py:497] - Loading vector store for hospital 132 and user default -2025-06-07 15:13:27,339 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,351 - root - INFO - [chat.py:497] - Loading vector store for hospital 136 and user default -2025-06-07 15:13:27,354 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,365 - root - INFO - [chat.py:497] - Loading vector store for hospital 137 and user default -2025-06-07 15:13:27,368 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,636 - root - INFO - [chat.py:497] - Loading vector store for hospital 141 and user default -2025-06-07 15:13:27,639 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,652 - root - INFO - [chat.py:497] - Loading vector store for hospital 142 and user default -2025-06-07 15:13:27,655 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,684 - root - INFO - [chat.py:497] - Loading vector store for hospital 145 and user default -2025-06-07 15:13:27,687 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,707 - root - INFO - [chat.py:497] - Loading vector store for hospital 146 and user default -2025-06-07 15:13:27,710 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,723 - root - INFO - [chat.py:497] - Loading vector store for hospital 148 and user default -2025-06-07 15:13:27,726 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,744 - root - INFO - [chat.py:497] - Loading vector store for hospital 177 and user default -2025-06-07 15:13:27,746 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,773 - root - INFO - [chat.py:497] - Loading vector store for hospital 178 and user default -2025-06-07 15:13:27,776 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,788 - root - INFO - [chat.py:497] - Loading vector store for hospital 186 and user default -2025-06-07 15:13:27,791 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,803 - root - INFO - [chat.py:497] - Loading vector store for hospital 187 and user default -2025-06-07 15:13:27,805 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,822 - root - INFO - [chat.py:497] - Loading vector store for hospital 191 and user default -2025-06-07 15:13:27,825 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,842 - root - INFO - [chat.py:497] - Loading vector store for hospital 192 and user default -2025-06-07 15:13:27,846 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,858 - root - INFO - [chat.py:497] - Loading vector store for hospital 200 and user default -2025-06-07 15:13:27,861 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,872 - root - INFO - [chat.py:497] - Loading vector store for hospital 45 and user default -2025-06-07 15:13:27,875 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,890 - root - INFO - [chat.py:497] - Loading vector store for hospital 63 and user default -2025-06-07 15:13:27,893 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,905 - root - INFO - [chat.py:497] - Loading vector store for hospital 93 and user default -2025-06-07 15:13:27,908 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,920 - root - INFO - [chat.py:497] - Loading vector store for hospital 98 and user default -2025-06-07 15:13:27,923 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,935 - root - INFO - [chat.py:497] - Loading vector store for hospital 102 and user default -2025-06-07 15:13:27,937 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,951 - root - INFO - [chat.py:497] - Loading vector store for hospital 104 and user default -2025-06-07 15:13:27,953 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,966 - root - INFO - [chat.py:497] - Loading vector store for hospital 228 and user default -2025-06-07 15:13:27,969 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,982 - root - INFO - [chat.py:497] - Loading vector store for hospital 109 and user default -2025-06-07 15:13:27,985 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:27,996 - root - INFO - [chat.py:497] - Loading vector store for hospital 222 and user default -2025-06-07 15:13:27,999 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,019 - root - INFO - [chat.py:497] - Loading vector store for hospital 149 and user default -2025-06-07 15:13:28,022 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,037 - root - INFO - [chat.py:497] - Loading vector store for hospital 150 and user default -2025-06-07 15:13:28,040 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,057 - root - INFO - [chat.py:497] - Loading vector store for hospital 151 and user default -2025-06-07 15:13:28,059 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,072 - root - INFO - [chat.py:497] - Loading vector store for hospital 152 and user default -2025-06-07 15:13:28,074 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,086 - root - INFO - [chat.py:497] - Loading vector store for hospital 153 and user default -2025-06-07 15:13:28,089 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,105 - root - INFO - [chat.py:497] - Loading vector store for hospital 154 and user default -2025-06-07 15:13:28,108 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,120 - root - INFO - [chat.py:497] - Loading vector store for hospital 155 and user default -2025-06-07 15:13:28,122 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,135 - root - INFO - [chat.py:497] - Loading vector store for hospital 157 and user default -2025-06-07 15:13:28,138 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,149 - root - INFO - [chat.py:497] - Loading vector store for hospital 158 and user default -2025-06-07 15:13:28,151 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,164 - root - INFO - [chat.py:497] - Loading vector store for hospital 160 and user default -2025-06-07 15:13:28,167 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,181 - root - INFO - [chat.py:497] - Loading vector store for hospital 162 and user default -2025-06-07 15:13:28,183 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,199 - root - INFO - [chat.py:497] - Loading vector store for hospital 163 and user default -2025-06-07 15:13:28,201 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,221 - root - INFO - [chat.py:497] - Loading vector store for hospital 166 and user default -2025-06-07 15:13:28,224 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,237 - root - INFO - [chat.py:497] - Loading vector store for hospital 167 and user default -2025-06-07 15:13:28,239 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,253 - root - INFO - [chat.py:497] - Loading vector store for hospital 168 and user default -2025-06-07 15:13:28,255 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,271 - root - INFO - [chat.py:497] - Loading vector store for hospital 169 and user default -2025-06-07 15:13:28,274 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,287 - root - INFO - [chat.py:497] - Loading vector store for hospital 170 and user default -2025-06-07 15:13:28,290 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,304 - root - INFO - [chat.py:497] - Loading vector store for hospital 172 and user default -2025-06-07 15:13:28,307 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,319 - root - INFO - [chat.py:497] - Loading vector store for hospital 173 and user default -2025-06-07 15:13:28,322 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,334 - root - INFO - [chat.py:497] - Loading vector store for hospital 181 and user default -2025-06-07 15:13:28,337 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,358 - root - INFO - [chat.py:497] - Loading vector store for hospital 182 and user default -2025-06-07 15:13:28,361 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,382 - root - INFO - [chat.py:497] - Loading vector store for hospital 183 and user default -2025-06-07 15:13:28,385 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,420 - root - INFO - [chat.py:497] - Loading vector store for hospital 184 and user default -2025-06-07 15:13:28,422 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,436 - root - INFO - [chat.py:497] - Loading vector store for hospital 194 and user default -2025-06-07 15:13:28,439 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,452 - root - INFO - [chat.py:497] - Loading vector store for hospital 195 and user default -2025-06-07 15:13:28,454 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,468 - root - INFO - [chat.py:497] - Loading vector store for hospital 196 and user default -2025-06-07 15:13:28,470 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,485 - root - INFO - [chat.py:497] - Loading vector store for hospital 197 and user default -2025-06-07 15:13:28,488 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,501 - root - INFO - [chat.py:497] - Loading vector store for hospital 198 and user default -2025-06-07 15:13:28,504 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,519 - root - INFO - [chat.py:497] - Loading vector store for hospital 199 and user default -2025-06-07 15:13:28,522 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,542 - root - INFO - [chat.py:497] - Loading vector store for hospital 201 and user default -2025-06-07 15:13:28,545 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,562 - root - INFO - [chat.py:497] - Loading vector store for hospital 202 and user default -2025-06-07 15:13:28,565 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,578 - root - INFO - [chat.py:497] - Loading vector store for hospital 203 and user default -2025-06-07 15:13:28,581 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,593 - root - INFO - [chat.py:497] - Loading vector store for hospital 204 and user default -2025-06-07 15:13:28,595 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,607 - root - INFO - [chat.py:497] - Loading vector store for hospital 206 and user default -2025-06-07 15:13:28,610 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,621 - root - INFO - [chat.py:497] - Loading vector store for hospital 207 and user default -2025-06-07 15:13:28,624 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,636 - root - INFO - [chat.py:497] - Loading vector store for hospital 209 and user default -2025-06-07 15:13:28,639 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,651 - root - INFO - [chat.py:497] - Loading vector store for hospital 210 and user default -2025-06-07 15:13:28,653 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,664 - root - INFO - [chat.py:497] - Loading vector store for hospital 212 and user default -2025-06-07 15:13:28,667 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,679 - root - INFO - [chat.py:497] - Loading vector store for hospital 213 and user default -2025-06-07 15:13:28,686 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,699 - root - INFO - [chat.py:497] - Loading vector store for hospital 224 and user default -2025-06-07 15:13:28,701 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,716 - root - INFO - [chat.py:497] - Loading vector store for hospital 225 and user default -2025-06-07 15:13:28,719 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:13:28,732 - root - INFO - [chat.py:2158] - Vector stores loaded successfully -2025-06-07 15:13:28,732 - root - INFO - [chat.py:2161] - Starting Flask application on port 5000 -2025-06-07 15:13:28,739 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-07 15:13:28,739 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-07 15:17:00,219 - access - INFO - [chat.py:1930] - Generate answer request received from 127.0.0.1 -2025-06-07 15:17:00,221 - root - INFO - [chat.py:1939] - Received question from user default: tell me about pneumonia -2025-06-07 15:17:00,221 - root - INFO - [chat.py:1940] - Received hospital code: MUFLPX5NU89E -2025-06-07 15:17:00,221 - root - INFO - [chat.py:1941] - Received session_id: 1 -2025-06-07 15:17:00,224 - root - INFO - [chat.py:1949] - Resolved hospital ID: 228 -2025-06-07 15:17:01,809 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 15:17:02,234 - root - INFO - [chat.py:1228] - Cached context for key: context:hospital_228:tell me about pneumonia -2025-06-07 15:17:02,234 - root - INFO - [chat.py:1555] - Follow-up analysis enhanced: -2025-06-07 15:17:02,234 - root - INFO - [chat.py:1556] - - Referential words: False -2025-06-07 15:17:02,234 - root - INFO - [chat.py:1557] - - Term similarity: 0.00 -2025-06-07 15:17:02,234 - root - INFO - [chat.py:1558] - - Entity attribute question: True -2025-06-07 15:17:02,234 - root - INFO - [chat.py:1559] - - Last entities found: set() -2025-06-07 15:17:02,234 - root - INFO - [chat.py:1560] - - Is follow-up: False -2025-06-07 15:17:02,234 - root - INFO - [chat.py:746] - Key words: ['pneumonia'] -2025-06-07 15:17:02,234 - root - INFO - [chat.py:753] - Matches: 1 out of 1 keywords -2025-06-07 15:17:02,234 - root - INFO - [chat.py:756] - Match ratio: 1.0 -2025-06-07 15:17:04,760 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 15:17:04,768 - root - INFO - [chat.py:1627] - Generated RAG answer for question: tell me about pneumonia -2025-06-07 15:17:04,769 - root - INFO - [chat.py:910] - Stored RAG interaction in Redis for default:228:1 -2025-06-07 15:17:04,769 - access - INFO - [chat.py:2123] - "POST /flask-api/generate-answer" 200 - Duration: 4.551s - IP: 127.0.0.1 -2025-06-07 15:17:04,770 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 15:17:04] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 15:19:41,355 - access - INFO - [chat.py:1930] - Generate answer request received from 127.0.0.1 -2025-06-07 15:19:41,356 - root - INFO - [chat.py:1939] - Received question from user default: tell me about corona virus -2025-06-07 15:19:41,356 - root - INFO - [chat.py:1940] - Received hospital code: MUFLPX5NU89E -2025-06-07 15:19:41,356 - root - INFO - [chat.py:1941] - Received session_id: 1 -2025-06-07 15:19:41,362 - root - INFO - [chat.py:1949] - Resolved hospital ID: 228 -2025-06-07 15:19:42,470 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 15:19:42,520 - root - INFO - [chat.py:1228] - Cached context for key: context:hospital_228:tell me about corona virus -2025-06-07 15:19:42,521 - root - INFO - [chat.py:1555] - Follow-up analysis enhanced: -2025-06-07 15:19:42,521 - root - INFO - [chat.py:1556] - - Referential words: False -2025-06-07 15:19:42,521 - root - INFO - [chat.py:1557] - - Term similarity: 0.01 -2025-06-07 15:19:42,521 - root - INFO - [chat.py:1558] - - Entity attribute question: True -2025-06-07 15:19:42,521 - root - INFO - [chat.py:1559] - - Last entities found: set() -2025-06-07 15:19:42,522 - root - INFO - [chat.py:1560] - - Is follow-up: False -2025-06-07 15:19:42,522 - root - INFO - [chat.py:746] - Key words: ['corona', 'virus'] -2025-06-07 15:19:42,522 - root - INFO - [chat.py:753] - Matches: 1 out of 2 keywords -2025-06-07 15:19:42,522 - root - INFO - [chat.py:756] - Match ratio: 0.5 -2025-06-07 15:19:45,000 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 15:19:45,001 - root - INFO - [chat.py:1627] - Generated RAG answer for question: tell me about corona virus -2025-06-07 15:19:45,002 - root - INFO - [chat.py:910] - Stored RAG interaction in Redis for default:228:1 -2025-06-07 15:19:45,003 - access - INFO - [chat.py:2123] - "POST /flask-api/generate-answer" 200 - Duration: 3.648s - IP: 127.0.0.1 -2025-06-07 15:19:45,004 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 15:19:45] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 15:20:11,644 - access - INFO - [chat.py:1930] - Generate answer request received from 127.0.0.1 -2025-06-07 15:20:11,645 - root - INFO - [chat.py:1939] - Received question from user default: tell me about typhoid -2025-06-07 15:20:11,645 - root - INFO - [chat.py:1940] - Received hospital code: MUFLPX5NU89E -2025-06-07 15:20:11,645 - root - INFO - [chat.py:1941] - Received session_id: 1 -2025-06-07 15:20:11,650 - root - INFO - [chat.py:1949] - Resolved hospital ID: 228 -2025-06-07 15:20:13,024 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 15:20:13,062 - root - INFO - [chat.py:1228] - Cached context for key: context:hospital_228:tell me about typhoid -2025-06-07 15:20:13,063 - root - INFO - [chat.py:1555] - Follow-up analysis enhanced: -2025-06-07 15:20:13,063 - root - INFO - [chat.py:1556] - - Referential words: False -2025-06-07 15:20:13,063 - root - INFO - [chat.py:1557] - - Term similarity: 0.00 -2025-06-07 15:20:13,063 - root - INFO - [chat.py:1558] - - Entity attribute question: True -2025-06-07 15:20:13,063 - root - INFO - [chat.py:1559] - - Last entities found: set() -2025-06-07 15:20:13,063 - root - INFO - [chat.py:1560] - - Is follow-up: False -2025-06-07 15:20:13,063 - root - INFO - [chat.py:746] - Key words: ['typhoid'] -2025-06-07 15:20:13,063 - root - INFO - [chat.py:753] - Matches: 1 out of 1 keywords -2025-06-07 15:20:13,063 - root - INFO - [chat.py:756] - Match ratio: 1.0 -2025-06-07 15:20:16,050 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 15:20:16,051 - root - INFO - [chat.py:1627] - Generated RAG answer for question: tell me about typhoid -2025-06-07 15:20:16,052 - root - INFO - [chat.py:910] - Stored RAG interaction in Redis for default:228:1 -2025-06-07 15:20:16,053 - access - INFO - [chat.py:2123] - "POST /flask-api/generate-answer" 200 - Duration: 4.408s - IP: 127.0.0.1 -2025-06-07 15:20:16,054 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 15:20:16] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 15:21:35,575 - access - INFO - [chat.py:1930] - Generate answer request received from 127.0.0.1 -2025-06-07 15:21:35,576 - root - INFO - [chat.py:1939] - Received question from user default: can you tell me something about solar eclipse -2025-06-07 15:21:35,576 - root - INFO - [chat.py:1940] - Received hospital code: MUFLPX5NU89E -2025-06-07 15:21:35,576 - root - INFO - [chat.py:1941] - Received session_id: 1 -2025-06-07 15:21:35,582 - root - INFO - [chat.py:1949] - Resolved hospital ID: 228 -2025-06-07 15:21:36,308 - root - INFO - [chat.py:1186] - Cache hit for key: context:hospital_228:can you tell me something about solar eclipse -2025-06-07 15:21:36,308 - root - INFO - [chat.py:1555] - Follow-up analysis enhanced: -2025-06-07 15:21:36,308 - root - INFO - [chat.py:1556] - - Referential words: False -2025-06-07 15:21:36,308 - root - INFO - [chat.py:1557] - - Term similarity: 0.01 -2025-06-07 15:21:36,308 - root - INFO - [chat.py:1558] - - Entity attribute question: True -2025-06-07 15:21:36,308 - root - INFO - [chat.py:1559] - - Last entities found: set() -2025-06-07 15:21:36,308 - root - INFO - [chat.py:1560] - - Is follow-up: False -2025-06-07 15:21:36,308 - root - INFO - [chat.py:746] - Key words: ['something', 'solar', 'eclipse'] -2025-06-07 15:21:36,309 - root - INFO - [chat.py:753] - Matches: 1 out of 3 keywords -2025-06-07 15:21:36,309 - root - INFO - [chat.py:756] - Match ratio: 0.3333333333333333 -2025-06-07 15:21:36,309 - root - INFO - [chat.py:1569] - General knowledge question detected -2025-06-07 15:21:36,309 - access - INFO - [chat.py:2123] - "POST /flask-api/generate-answer" 200 - Duration: 0.734s - IP: 127.0.0.1 -2025-06-07 15:21:36,310 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 15:21:36] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 15:36:45,240 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-07 15:36:45,249 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-07 15:36:54,098 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-07 15:36:54,098 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-07 15:36:54,099 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-07 15:36:54,099 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-07 15:36:58,105 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-07 15:36:58,109 - root - INFO - [chat.py:2131] - Starting SpurrinAI application -2025-06-07 15:36:58,109 - root - INFO - [chat.py:2132] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-07 15:36:58,109 - root - INFO - [chat.py:2133] - Environment: production -2025-06-07 15:36:58,110 - root - INFO - [chat.py:2137] - Model manager initialized successfully -2025-06-07 15:36:58,110 - root - INFO - [chat.py:2145] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-07 15:36:58,113 - root - INFO - [chat.py:2153] - Cleared 0 Redis cache keys -2025-06-07 15:36:58,113 - root - INFO - [chat.py:2156] - Loading existing vector stores... -2025-06-07 15:36:58,118 - root - INFO - [chat.py:497] - Loading vector store for hospital 6 and user default -2025-06-07 15:36:58,480 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,658 - root - INFO - [chat.py:497] - Loading vector store for hospital 10 and user default -2025-06-07 15:36:58,661 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,667 - root - INFO - [chat.py:497] - Loading vector store for hospital 16 and user default -2025-06-07 15:36:58,670 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,676 - root - INFO - [chat.py:497] - Loading vector store for hospital 19 and user default -2025-06-07 15:36:58,680 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,686 - root - INFO - [chat.py:497] - Loading vector store for hospital 26 and user default -2025-06-07 15:36:58,690 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,698 - root - INFO - [chat.py:497] - Loading vector store for hospital 27 and user default -2025-06-07 15:36:58,701 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,706 - root - INFO - [chat.py:497] - Loading vector store for hospital 29 and user default -2025-06-07 15:36:58,709 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,714 - root - INFO - [chat.py:497] - Loading vector store for hospital 31 and user default -2025-06-07 15:36:58,717 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,722 - root - INFO - [chat.py:497] - Loading vector store for hospital 32 and user default -2025-06-07 15:36:58,725 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,730 - root - INFO - [chat.py:497] - Loading vector store for hospital 36 and user default -2025-06-07 15:36:58,735 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,744 - root - INFO - [chat.py:497] - Loading vector store for hospital 37 and user default -2025-06-07 15:36:58,751 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,759 - root - INFO - [chat.py:497] - Loading vector store for hospital 41 and user default -2025-06-07 15:36:58,766 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,771 - root - INFO - [chat.py:497] - Loading vector store for hospital 42 and user default -2025-06-07 15:36:58,775 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,781 - root - INFO - [chat.py:497] - Loading vector store for hospital 47 and user default -2025-06-07 15:36:58,784 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,789 - root - INFO - [chat.py:497] - Loading vector store for hospital 48 and user default -2025-06-07 15:36:58,792 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,798 - root - INFO - [chat.py:497] - Loading vector store for hospital 52 and user default -2025-06-07 15:36:58,801 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,810 - root - INFO - [chat.py:497] - Loading vector store for hospital 53 and user default -2025-06-07 15:36:58,813 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,819 - root - INFO - [chat.py:497] - Loading vector store for hospital 56 and user default -2025-06-07 15:36:58,822 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,827 - root - INFO - [chat.py:497] - Loading vector store for hospital 57 and user default -2025-06-07 15:36:58,830 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,836 - root - INFO - [chat.py:497] - Loading vector store for hospital 59 and user default -2025-06-07 15:36:58,839 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,845 - root - INFO - [chat.py:497] - Loading vector store for hospital 60 and user default -2025-06-07 15:36:58,848 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,853 - root - INFO - [chat.py:497] - Loading vector store for hospital 64 and user default -2025-06-07 15:36:58,855 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,860 - root - INFO - [chat.py:497] - Loading vector store for hospital 65 and user default -2025-06-07 15:36:58,863 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,868 - root - INFO - [chat.py:497] - Loading vector store for hospital 66 and user default -2025-06-07 15:36:58,871 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,877 - root - INFO - [chat.py:497] - Loading vector store for hospital 67 and user default -2025-06-07 15:36:58,879 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,885 - root - INFO - [chat.py:497] - Loading vector store for hospital 68 and user default -2025-06-07 15:36:58,888 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,893 - root - INFO - [chat.py:497] - Loading vector store for hospital 69 and user default -2025-06-07 15:36:58,899 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,904 - root - INFO - [chat.py:497] - Loading vector store for hospital 70 and user default -2025-06-07 15:36:58,908 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,914 - root - INFO - [chat.py:497] - Loading vector store for hospital 71 and user default -2025-06-07 15:36:58,917 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,923 - root - INFO - [chat.py:497] - Loading vector store for hospital 72 and user default -2025-06-07 15:36:58,926 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,937 - root - INFO - [chat.py:497] - Loading vector store for hospital 73 and user default -2025-06-07 15:36:58,948 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,958 - root - INFO - [chat.py:497] - Loading vector store for hospital 75 and user default -2025-06-07 15:36:58,961 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,983 - root - INFO - [chat.py:497] - Loading vector store for hospital 76 and user default -2025-06-07 15:36:58,987 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:58,998 - root - INFO - [chat.py:497] - Loading vector store for hospital 80 and user default -2025-06-07 15:36:59,001 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,009 - root - INFO - [chat.py:497] - Loading vector store for hospital 81 and user default -2025-06-07 15:36:59,016 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,024 - root - INFO - [chat.py:497] - Loading vector store for hospital 86 and user default -2025-06-07 15:36:59,027 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,033 - root - INFO - [chat.py:497] - Loading vector store for hospital 87 and user default -2025-06-07 15:36:59,036 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,042 - root - INFO - [chat.py:497] - Loading vector store for hospital 90 and user default -2025-06-07 15:36:59,044 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,049 - root - INFO - [chat.py:497] - Loading vector store for hospital 91 and user default -2025-06-07 15:36:59,052 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,057 - root - INFO - [chat.py:497] - Loading vector store for hospital 92 and user default -2025-06-07 15:36:59,060 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,065 - root - INFO - [chat.py:497] - Loading vector store for hospital 94 and user default -2025-06-07 15:36:59,068 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,073 - root - INFO - [chat.py:497] - Loading vector store for hospital 95 and user default -2025-06-07 15:36:59,076 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,083 - root - INFO - [chat.py:497] - Loading vector store for hospital 96 and user default -2025-06-07 15:36:59,085 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,091 - root - INFO - [chat.py:497] - Loading vector store for hospital 97 and user default -2025-06-07 15:36:59,094 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,099 - root - INFO - [chat.py:497] - Loading vector store for hospital 99 and user default -2025-06-07 15:36:59,102 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,108 - root - INFO - [chat.py:497] - Loading vector store for hospital 103 and user default -2025-06-07 15:36:59,111 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,126 - root - INFO - [chat.py:497] - Loading vector store for hospital 106 and user default -2025-06-07 15:36:59,130 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,135 - root - INFO - [chat.py:497] - Loading vector store for hospital 107 and user default -2025-06-07 15:36:59,141 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,152 - root - INFO - [chat.py:497] - Loading vector store for hospital 110 and user default -2025-06-07 15:36:59,156 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,165 - root - INFO - [chat.py:497] - Loading vector store for hospital 111 and user default -2025-06-07 15:36:59,169 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,177 - root - INFO - [chat.py:497] - Loading vector store for hospital 112 and user default -2025-06-07 15:36:59,181 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,189 - root - INFO - [chat.py:497] - Loading vector store for hospital 113 and user default -2025-06-07 15:36:59,196 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,209 - root - INFO - [chat.py:497] - Loading vector store for hospital 114 and user default -2025-06-07 15:36:59,213 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,222 - root - INFO - [chat.py:497] - Loading vector store for hospital 116 and user default -2025-06-07 15:36:59,230 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,244 - root - INFO - [chat.py:497] - Loading vector store for hospital 117 and user default -2025-06-07 15:36:59,248 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,255 - root - INFO - [chat.py:497] - Loading vector store for hospital 118 and user default -2025-06-07 15:36:59,258 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,264 - root - INFO - [chat.py:497] - Loading vector store for hospital 119 and user default -2025-06-07 15:36:59,269 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,276 - root - INFO - [chat.py:497] - Loading vector store for hospital 121 and user default -2025-06-07 15:36:59,279 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,284 - root - INFO - [chat.py:497] - Loading vector store for hospital 122 and user default -2025-06-07 15:36:59,287 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,292 - root - INFO - [chat.py:497] - Loading vector store for hospital 123 and user default -2025-06-07 15:36:59,295 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,301 - root - INFO - [chat.py:497] - Loading vector store for hospital 124 and user default -2025-06-07 15:36:59,304 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,309 - root - INFO - [chat.py:497] - Loading vector store for hospital 126 and user default -2025-06-07 15:36:59,312 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,317 - root - INFO - [chat.py:497] - Loading vector store for hospital 127 and user default -2025-06-07 15:36:59,320 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,327 - root - INFO - [chat.py:497] - Loading vector store for hospital 129 and user default -2025-06-07 15:36:59,330 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,338 - root - INFO - [chat.py:497] - Loading vector store for hospital 131 and user default -2025-06-07 15:36:59,341 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,346 - root - INFO - [chat.py:497] - Loading vector store for hospital 132 and user default -2025-06-07 15:36:59,349 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,354 - root - INFO - [chat.py:497] - Loading vector store for hospital 136 and user default -2025-06-07 15:36:59,357 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,641 - root - INFO - [chat.py:497] - Loading vector store for hospital 137 and user default -2025-06-07 15:36:59,645 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,651 - root - INFO - [chat.py:497] - Loading vector store for hospital 141 and user default -2025-06-07 15:36:59,654 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,660 - root - INFO - [chat.py:497] - Loading vector store for hospital 142 and user default -2025-06-07 15:36:59,663 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,669 - root - INFO - [chat.py:497] - Loading vector store for hospital 145 and user default -2025-06-07 15:36:59,672 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,678 - root - INFO - [chat.py:497] - Loading vector store for hospital 146 and user default -2025-06-07 15:36:59,680 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,685 - root - INFO - [chat.py:497] - Loading vector store for hospital 148 and user default -2025-06-07 15:36:59,688 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,694 - root - INFO - [chat.py:497] - Loading vector store for hospital 177 and user default -2025-06-07 15:36:59,697 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,702 - root - INFO - [chat.py:497] - Loading vector store for hospital 178 and user default -2025-06-07 15:36:59,705 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,710 - root - INFO - [chat.py:497] - Loading vector store for hospital 186 and user default -2025-06-07 15:36:59,713 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,718 - root - INFO - [chat.py:497] - Loading vector store for hospital 187 and user default -2025-06-07 15:36:59,721 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,726 - root - INFO - [chat.py:497] - Loading vector store for hospital 191 and user default -2025-06-07 15:36:59,729 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,735 - root - INFO - [chat.py:497] - Loading vector store for hospital 192 and user default -2025-06-07 15:36:59,738 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,745 - root - INFO - [chat.py:497] - Loading vector store for hospital 200 and user default -2025-06-07 15:36:59,747 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,753 - root - INFO - [chat.py:497] - Loading vector store for hospital 45 and user default -2025-06-07 15:36:59,755 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,760 - root - INFO - [chat.py:497] - Loading vector store for hospital 63 and user default -2025-06-07 15:36:59,766 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,772 - root - INFO - [chat.py:497] - Loading vector store for hospital 93 and user default -2025-06-07 15:36:59,775 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,780 - root - INFO - [chat.py:497] - Loading vector store for hospital 98 and user default -2025-06-07 15:36:59,783 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,788 - root - INFO - [chat.py:497] - Loading vector store for hospital 102 and user default -2025-06-07 15:36:59,791 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,796 - root - INFO - [chat.py:497] - Loading vector store for hospital 104 and user default -2025-06-07 15:36:59,800 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,805 - root - INFO - [chat.py:497] - Loading vector store for hospital 228 and user default -2025-06-07 15:36:59,810 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,815 - root - INFO - [chat.py:497] - Loading vector store for hospital 109 and user default -2025-06-07 15:36:59,817 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,823 - root - INFO - [chat.py:497] - Loading vector store for hospital 222 and user default -2025-06-07 15:36:59,825 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,830 - root - INFO - [chat.py:497] - Loading vector store for hospital 149 and user default -2025-06-07 15:36:59,834 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,839 - root - INFO - [chat.py:497] - Loading vector store for hospital 150 and user default -2025-06-07 15:36:59,842 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,847 - root - INFO - [chat.py:497] - Loading vector store for hospital 151 and user default -2025-06-07 15:36:59,850 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,855 - root - INFO - [chat.py:497] - Loading vector store for hospital 152 and user default -2025-06-07 15:36:59,859 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,864 - root - INFO - [chat.py:497] - Loading vector store for hospital 153 and user default -2025-06-07 15:36:59,866 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,872 - root - INFO - [chat.py:497] - Loading vector store for hospital 154 and user default -2025-06-07 15:36:59,874 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,880 - root - INFO - [chat.py:497] - Loading vector store for hospital 155 and user default -2025-06-07 15:36:59,883 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,888 - root - INFO - [chat.py:497] - Loading vector store for hospital 157 and user default -2025-06-07 15:36:59,891 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,899 - root - INFO - [chat.py:497] - Loading vector store for hospital 158 and user default -2025-06-07 15:36:59,904 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,909 - root - INFO - [chat.py:497] - Loading vector store for hospital 160 and user default -2025-06-07 15:36:59,912 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,917 - root - INFO - [chat.py:497] - Loading vector store for hospital 162 and user default -2025-06-07 15:36:59,920 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,925 - root - INFO - [chat.py:497] - Loading vector store for hospital 163 and user default -2025-06-07 15:36:59,928 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,934 - root - INFO - [chat.py:497] - Loading vector store for hospital 166 and user default -2025-06-07 15:36:59,937 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,943 - root - INFO - [chat.py:497] - Loading vector store for hospital 167 and user default -2025-06-07 15:36:59,946 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,951 - root - INFO - [chat.py:497] - Loading vector store for hospital 168 and user default -2025-06-07 15:36:59,956 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,961 - root - INFO - [chat.py:497] - Loading vector store for hospital 169 and user default -2025-06-07 15:36:59,963 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,969 - root - INFO - [chat.py:497] - Loading vector store for hospital 170 and user default -2025-06-07 15:36:59,971 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,976 - root - INFO - [chat.py:497] - Loading vector store for hospital 172 and user default -2025-06-07 15:36:59,979 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,984 - root - INFO - [chat.py:497] - Loading vector store for hospital 173 and user default -2025-06-07 15:36:59,988 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:36:59,994 - root - INFO - [chat.py:497] - Loading vector store for hospital 181 and user default -2025-06-07 15:36:59,997 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,009 - root - INFO - [chat.py:497] - Loading vector store for hospital 182 and user default -2025-06-07 15:37:00,013 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,020 - root - INFO - [chat.py:497] - Loading vector store for hospital 183 and user default -2025-06-07 15:37:00,023 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,034 - root - INFO - [chat.py:497] - Loading vector store for hospital 184 and user default -2025-06-07 15:37:00,043 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,054 - root - INFO - [chat.py:497] - Loading vector store for hospital 194 and user default -2025-06-07 15:37:00,058 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,066 - root - INFO - [chat.py:497] - Loading vector store for hospital 195 and user default -2025-06-07 15:37:00,069 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,074 - root - INFO - [chat.py:497] - Loading vector store for hospital 196 and user default -2025-06-07 15:37:00,077 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,082 - root - INFO - [chat.py:497] - Loading vector store for hospital 197 and user default -2025-06-07 15:37:00,085 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,090 - root - INFO - [chat.py:497] - Loading vector store for hospital 198 and user default -2025-06-07 15:37:00,093 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,099 - root - INFO - [chat.py:497] - Loading vector store for hospital 199 and user default -2025-06-07 15:37:00,102 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,107 - root - INFO - [chat.py:497] - Loading vector store for hospital 201 and user default -2025-06-07 15:37:00,111 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,116 - root - INFO - [chat.py:497] - Loading vector store for hospital 202 and user default -2025-06-07 15:37:00,120 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,126 - root - INFO - [chat.py:497] - Loading vector store for hospital 203 and user default -2025-06-07 15:37:00,130 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,137 - root - INFO - [chat.py:497] - Loading vector store for hospital 204 and user default -2025-06-07 15:37:00,140 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,147 - root - INFO - [chat.py:497] - Loading vector store for hospital 206 and user default -2025-06-07 15:37:00,152 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,165 - root - INFO - [chat.py:497] - Loading vector store for hospital 207 and user default -2025-06-07 15:37:00,171 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,179 - root - INFO - [chat.py:497] - Loading vector store for hospital 209 and user default -2025-06-07 15:37:00,183 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,189 - root - INFO - [chat.py:497] - Loading vector store for hospital 210 and user default -2025-06-07 15:37:00,193 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,197 - root - INFO - [chat.py:497] - Loading vector store for hospital 212 and user default -2025-06-07 15:37:00,200 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,205 - root - INFO - [chat.py:497] - Loading vector store for hospital 213 and user default -2025-06-07 15:37:00,208 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,215 - root - INFO - [chat.py:497] - Loading vector store for hospital 224 and user default -2025-06-07 15:37:00,220 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,226 - root - INFO - [chat.py:497] - Loading vector store for hospital 225 and user default -2025-06-07 15:37:00,229 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 15:37:00,234 - root - INFO - [chat.py:2158] - Vector stores loaded successfully -2025-06-07 15:37:00,235 - root - INFO - [chat.py:2161] - Starting Flask application on port 5000 -2025-06-07 15:37:00,240 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-07 15:37:00,240 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-07 17:14:07,673 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-07 17:14:07,692 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-07 17:14:17,192 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-07 17:14:17,192 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-07 17:14:17,193 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-07 17:14:17,193 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-07 17:14:20,409 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-07 17:14:20,412 - root - INFO - [chat.py:2012] - Starting SpurrinAI application -2025-06-07 17:14:20,412 - root - INFO - [chat.py:2013] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-07 17:14:20,412 - root - INFO - [chat.py:2014] - Environment: production -2025-06-07 17:14:20,413 - root - INFO - [chat.py:2018] - Model manager initialized successfully -2025-06-07 17:14:20,413 - root - INFO - [chat.py:2026] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-07 17:14:20,415 - root - INFO - [chat.py:2034] - Cleared 0 Redis cache keys -2025-06-07 17:14:20,415 - root - INFO - [chat.py:2037] - Loading existing vector stores... -2025-06-07 17:14:20,418 - root - INFO - [chat.py:505] - Loading vector store for hospital 6 and user default -2025-06-07 17:14:20,740 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:20,917 - root - INFO - [chat.py:505] - Loading vector store for hospital 10 and user default -2025-06-07 17:14:20,920 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:20,925 - root - INFO - [chat.py:505] - Loading vector store for hospital 16 and user default -2025-06-07 17:14:20,928 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:20,933 - root - INFO - [chat.py:505] - Loading vector store for hospital 19 and user default -2025-06-07 17:14:20,936 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:20,941 - root - INFO - [chat.py:505] - Loading vector store for hospital 26 and user default -2025-06-07 17:14:20,944 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:20,949 - root - INFO - [chat.py:505] - Loading vector store for hospital 27 and user default -2025-06-07 17:14:20,952 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:20,956 - root - INFO - [chat.py:505] - Loading vector store for hospital 29 and user default -2025-06-07 17:14:20,959 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:20,963 - root - INFO - [chat.py:505] - Loading vector store for hospital 31 and user default -2025-06-07 17:14:20,966 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:20,971 - root - INFO - [chat.py:505] - Loading vector store for hospital 32 and user default -2025-06-07 17:14:20,973 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:20,978 - root - INFO - [chat.py:505] - Loading vector store for hospital 36 and user default -2025-06-07 17:14:20,982 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:20,987 - root - INFO - [chat.py:505] - Loading vector store for hospital 37 and user default -2025-06-07 17:14:20,990 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:20,994 - root - INFO - [chat.py:505] - Loading vector store for hospital 41 and user default -2025-06-07 17:14:20,997 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,002 - root - INFO - [chat.py:505] - Loading vector store for hospital 42 and user default -2025-06-07 17:14:21,004 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,009 - root - INFO - [chat.py:505] - Loading vector store for hospital 47 and user default -2025-06-07 17:14:21,012 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,017 - root - INFO - [chat.py:505] - Loading vector store for hospital 48 and user default -2025-06-07 17:14:21,020 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,025 - root - INFO - [chat.py:505] - Loading vector store for hospital 52 and user default -2025-06-07 17:14:21,028 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,034 - root - INFO - [chat.py:505] - Loading vector store for hospital 53 and user default -2025-06-07 17:14:21,037 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,041 - root - INFO - [chat.py:505] - Loading vector store for hospital 56 and user default -2025-06-07 17:14:21,044 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,049 - root - INFO - [chat.py:505] - Loading vector store for hospital 57 and user default -2025-06-07 17:14:21,052 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,056 - root - INFO - [chat.py:505] - Loading vector store for hospital 59 and user default -2025-06-07 17:14:21,059 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,064 - root - INFO - [chat.py:505] - Loading vector store for hospital 60 and user default -2025-06-07 17:14:21,066 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,071 - root - INFO - [chat.py:505] - Loading vector store for hospital 64 and user default -2025-06-07 17:14:21,074 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,079 - root - INFO - [chat.py:505] - Loading vector store for hospital 65 and user default -2025-06-07 17:14:21,081 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,086 - root - INFO - [chat.py:505] - Loading vector store for hospital 66 and user default -2025-06-07 17:14:21,089 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,094 - root - INFO - [chat.py:505] - Loading vector store for hospital 67 and user default -2025-06-07 17:14:21,097 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,102 - root - INFO - [chat.py:505] - Loading vector store for hospital 68 and user default -2025-06-07 17:14:21,104 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,109 - root - INFO - [chat.py:505] - Loading vector store for hospital 69 and user default -2025-06-07 17:14:21,112 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,116 - root - INFO - [chat.py:505] - Loading vector store for hospital 70 and user default -2025-06-07 17:14:21,119 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,124 - root - INFO - [chat.py:505] - Loading vector store for hospital 71 and user default -2025-06-07 17:14:21,126 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,131 - root - INFO - [chat.py:505] - Loading vector store for hospital 72 and user default -2025-06-07 17:14:21,134 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,139 - root - INFO - [chat.py:505] - Loading vector store for hospital 73 and user default -2025-06-07 17:14:21,141 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,146 - root - INFO - [chat.py:505] - Loading vector store for hospital 75 and user default -2025-06-07 17:14:21,149 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,154 - root - INFO - [chat.py:505] - Loading vector store for hospital 76 and user default -2025-06-07 17:14:21,157 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,161 - root - INFO - [chat.py:505] - Loading vector store for hospital 80 and user default -2025-06-07 17:14:21,164 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,169 - root - INFO - [chat.py:505] - Loading vector store for hospital 81 and user default -2025-06-07 17:14:21,171 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,176 - root - INFO - [chat.py:505] - Loading vector store for hospital 86 and user default -2025-06-07 17:14:21,179 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,184 - root - INFO - [chat.py:505] - Loading vector store for hospital 87 and user default -2025-06-07 17:14:21,187 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,191 - root - INFO - [chat.py:505] - Loading vector store for hospital 90 and user default -2025-06-07 17:14:21,194 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,199 - root - INFO - [chat.py:505] - Loading vector store for hospital 91 and user default -2025-06-07 17:14:21,201 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,206 - root - INFO - [chat.py:505] - Loading vector store for hospital 92 and user default -2025-06-07 17:14:21,209 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,214 - root - INFO - [chat.py:505] - Loading vector store for hospital 94 and user default -2025-06-07 17:14:21,216 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,221 - root - INFO - [chat.py:505] - Loading vector store for hospital 95 and user default -2025-06-07 17:14:21,223 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,228 - root - INFO - [chat.py:505] - Loading vector store for hospital 96 and user default -2025-06-07 17:14:21,231 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,236 - root - INFO - [chat.py:505] - Loading vector store for hospital 97 and user default -2025-06-07 17:14:21,239 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,244 - root - INFO - [chat.py:505] - Loading vector store for hospital 99 and user default -2025-06-07 17:14:21,246 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,251 - root - INFO - [chat.py:505] - Loading vector store for hospital 103 and user default -2025-06-07 17:14:21,254 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,266 - root - INFO - [chat.py:505] - Loading vector store for hospital 106 and user default -2025-06-07 17:14:21,269 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,275 - root - INFO - [chat.py:505] - Loading vector store for hospital 107 and user default -2025-06-07 17:14:21,278 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,283 - root - INFO - [chat.py:505] - Loading vector store for hospital 110 and user default -2025-06-07 17:14:21,286 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,291 - root - INFO - [chat.py:505] - Loading vector store for hospital 111 and user default -2025-06-07 17:14:21,294 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,301 - root - INFO - [chat.py:505] - Loading vector store for hospital 112 and user default -2025-06-07 17:14:21,303 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,308 - root - INFO - [chat.py:505] - Loading vector store for hospital 113 and user default -2025-06-07 17:14:21,311 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,316 - root - INFO - [chat.py:505] - Loading vector store for hospital 114 and user default -2025-06-07 17:14:21,319 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,324 - root - INFO - [chat.py:505] - Loading vector store for hospital 116 and user default -2025-06-07 17:14:21,327 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,333 - root - INFO - [chat.py:505] - Loading vector store for hospital 117 and user default -2025-06-07 17:14:21,336 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,341 - root - INFO - [chat.py:505] - Loading vector store for hospital 118 and user default -2025-06-07 17:14:21,344 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,349 - root - INFO - [chat.py:505] - Loading vector store for hospital 119 and user default -2025-06-07 17:14:21,351 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,356 - root - INFO - [chat.py:505] - Loading vector store for hospital 121 and user default -2025-06-07 17:14:21,359 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,364 - root - INFO - [chat.py:505] - Loading vector store for hospital 122 and user default -2025-06-07 17:14:21,368 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,373 - root - INFO - [chat.py:505] - Loading vector store for hospital 123 and user default -2025-06-07 17:14:21,376 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,381 - root - INFO - [chat.py:505] - Loading vector store for hospital 124 and user default -2025-06-07 17:14:21,384 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,389 - root - INFO - [chat.py:505] - Loading vector store for hospital 126 and user default -2025-06-07 17:14:21,392 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,396 - root - INFO - [chat.py:505] - Loading vector store for hospital 127 and user default -2025-06-07 17:14:21,399 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,406 - root - INFO - [chat.py:505] - Loading vector store for hospital 129 and user default -2025-06-07 17:14:21,409 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,414 - root - INFO - [chat.py:505] - Loading vector store for hospital 131 and user default -2025-06-07 17:14:21,417 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,422 - root - INFO - [chat.py:505] - Loading vector store for hospital 132 and user default -2025-06-07 17:14:21,425 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,430 - root - INFO - [chat.py:505] - Loading vector store for hospital 136 and user default -2025-06-07 17:14:21,433 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,707 - root - INFO - [chat.py:505] - Loading vector store for hospital 137 and user default -2025-06-07 17:14:21,710 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,716 - root - INFO - [chat.py:505] - Loading vector store for hospital 141 and user default -2025-06-07 17:14:21,719 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,724 - root - INFO - [chat.py:505] - Loading vector store for hospital 142 and user default -2025-06-07 17:14:21,727 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,732 - root - INFO - [chat.py:505] - Loading vector store for hospital 145 and user default -2025-06-07 17:14:21,735 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,740 - root - INFO - [chat.py:505] - Loading vector store for hospital 146 and user default -2025-06-07 17:14:21,742 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,748 - root - INFO - [chat.py:505] - Loading vector store for hospital 148 and user default -2025-06-07 17:14:21,751 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,756 - root - INFO - [chat.py:505] - Loading vector store for hospital 177 and user default -2025-06-07 17:14:21,759 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,763 - root - INFO - [chat.py:505] - Loading vector store for hospital 178 and user default -2025-06-07 17:14:21,766 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,771 - root - INFO - [chat.py:505] - Loading vector store for hospital 186 and user default -2025-06-07 17:14:21,775 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,780 - root - INFO - [chat.py:505] - Loading vector store for hospital 187 and user default -2025-06-07 17:14:21,784 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,789 - root - INFO - [chat.py:505] - Loading vector store for hospital 191 and user default -2025-06-07 17:14:21,792 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,797 - root - INFO - [chat.py:505] - Loading vector store for hospital 192 and user default -2025-06-07 17:14:21,799 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,805 - root - INFO - [chat.py:505] - Loading vector store for hospital 200 and user default -2025-06-07 17:14:21,807 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,812 - root - INFO - [chat.py:505] - Loading vector store for hospital 45 and user default -2025-06-07 17:14:21,815 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,820 - root - INFO - [chat.py:505] - Loading vector store for hospital 63 and user default -2025-06-07 17:14:21,823 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,828 - root - INFO - [chat.py:505] - Loading vector store for hospital 93 and user default -2025-06-07 17:14:21,831 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,836 - root - INFO - [chat.py:505] - Loading vector store for hospital 98 and user default -2025-06-07 17:14:21,839 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,844 - root - INFO - [chat.py:505] - Loading vector store for hospital 102 and user default -2025-06-07 17:14:21,847 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,852 - root - INFO - [chat.py:505] - Loading vector store for hospital 104 and user default -2025-06-07 17:14:21,855 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:21,861 - root - INFO - [chat.py:516] - Creating vector store for hospital 229 -2025-06-07 17:14:21,864 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:25,891 - root - INFO - [chat.py:516] - Creating vector store for hospital 232 -2025-06-07 17:14:25,894 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,778 - root - INFO - [chat.py:505] - Loading vector store for hospital 109 and user default -2025-06-07 17:14:29,781 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,787 - root - INFO - [chat.py:505] - Loading vector store for hospital 222 and user default -2025-06-07 17:14:29,793 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,798 - root - INFO - [chat.py:505] - Loading vector store for hospital 149 and user default -2025-06-07 17:14:29,801 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,806 - root - INFO - [chat.py:505] - Loading vector store for hospital 150 and user default -2025-06-07 17:14:29,809 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,814 - root - INFO - [chat.py:505] - Loading vector store for hospital 151 and user default -2025-06-07 17:14:29,816 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,821 - root - INFO - [chat.py:505] - Loading vector store for hospital 152 and user default -2025-06-07 17:14:29,824 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,829 - root - INFO - [chat.py:505] - Loading vector store for hospital 153 and user default -2025-06-07 17:14:29,832 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,836 - root - INFO - [chat.py:505] - Loading vector store for hospital 154 and user default -2025-06-07 17:14:29,839 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,844 - root - INFO - [chat.py:505] - Loading vector store for hospital 155 and user default -2025-06-07 17:14:29,847 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,852 - root - INFO - [chat.py:505] - Loading vector store for hospital 157 and user default -2025-06-07 17:14:29,855 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,861 - root - INFO - [chat.py:505] - Loading vector store for hospital 158 and user default -2025-06-07 17:14:29,864 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,868 - root - INFO - [chat.py:505] - Loading vector store for hospital 160 and user default -2025-06-07 17:14:29,871 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,876 - root - INFO - [chat.py:505] - Loading vector store for hospital 162 and user default -2025-06-07 17:14:29,879 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,883 - root - INFO - [chat.py:505] - Loading vector store for hospital 163 and user default -2025-06-07 17:14:29,886 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,892 - root - INFO - [chat.py:505] - Loading vector store for hospital 166 and user default -2025-06-07 17:14:29,895 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,900 - root - INFO - [chat.py:505] - Loading vector store for hospital 167 and user default -2025-06-07 17:14:29,903 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,908 - root - INFO - [chat.py:505] - Loading vector store for hospital 168 and user default -2025-06-07 17:14:29,911 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,916 - root - INFO - [chat.py:505] - Loading vector store for hospital 169 and user default -2025-06-07 17:14:29,919 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,924 - root - INFO - [chat.py:505] - Loading vector store for hospital 170 and user default -2025-06-07 17:14:29,927 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,932 - root - INFO - [chat.py:505] - Loading vector store for hospital 172 and user default -2025-06-07 17:14:29,935 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,939 - root - INFO - [chat.py:505] - Loading vector store for hospital 173 and user default -2025-06-07 17:14:29,942 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,953 - root - INFO - [chat.py:505] - Loading vector store for hospital 181 and user default -2025-06-07 17:14:29,956 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,962 - root - INFO - [chat.py:505] - Loading vector store for hospital 182 and user default -2025-06-07 17:14:29,964 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,969 - root - INFO - [chat.py:505] - Loading vector store for hospital 183 and user default -2025-06-07 17:14:29,972 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,977 - root - INFO - [chat.py:505] - Loading vector store for hospital 184 and user default -2025-06-07 17:14:29,980 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,985 - root - INFO - [chat.py:505] - Loading vector store for hospital 194 and user default -2025-06-07 17:14:29,988 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:29,993 - root - INFO - [chat.py:505] - Loading vector store for hospital 195 and user default -2025-06-07 17:14:29,995 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,000 - root - INFO - [chat.py:505] - Loading vector store for hospital 196 and user default -2025-06-07 17:14:30,003 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,008 - root - INFO - [chat.py:505] - Loading vector store for hospital 197 and user default -2025-06-07 17:14:30,011 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,015 - root - INFO - [chat.py:505] - Loading vector store for hospital 198 and user default -2025-06-07 17:14:30,018 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,023 - root - INFO - [chat.py:505] - Loading vector store for hospital 199 and user default -2025-06-07 17:14:30,026 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,030 - root - INFO - [chat.py:505] - Loading vector store for hospital 201 and user default -2025-06-07 17:14:30,033 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,038 - root - INFO - [chat.py:505] - Loading vector store for hospital 202 and user default -2025-06-07 17:14:30,040 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,045 - root - INFO - [chat.py:505] - Loading vector store for hospital 203 and user default -2025-06-07 17:14:30,048 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,053 - root - INFO - [chat.py:505] - Loading vector store for hospital 204 and user default -2025-06-07 17:14:30,055 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,060 - root - INFO - [chat.py:505] - Loading vector store for hospital 206 and user default -2025-06-07 17:14:30,063 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,068 - root - INFO - [chat.py:505] - Loading vector store for hospital 207 and user default -2025-06-07 17:14:30,071 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,076 - root - INFO - [chat.py:505] - Loading vector store for hospital 209 and user default -2025-06-07 17:14:30,078 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,083 - root - INFO - [chat.py:505] - Loading vector store for hospital 210 and user default -2025-06-07 17:14:30,086 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,091 - root - INFO - [chat.py:505] - Loading vector store for hospital 212 and user default -2025-06-07 17:14:30,094 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,099 - root - INFO - [chat.py:505] - Loading vector store for hospital 213 and user default -2025-06-07 17:14:30,102 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,107 - root - INFO - [chat.py:505] - Loading vector store for hospital 224 and user default -2025-06-07 17:14:30,109 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,114 - root - INFO - [chat.py:505] - Loading vector store for hospital 225 and user default -2025-06-07 17:14:30,117 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:30,122 - root - INFO - [chat.py:516] - Creating vector store for hospital 230 -2025-06-07 17:14:30,125 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:33,952 - root - INFO - [chat.py:516] - Creating vector store for hospital 231 -2025-06-07 17:14:33,955 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 17:14:38,214 - root - INFO - [chat.py:2039] - Vector stores loaded successfully -2025-06-07 17:14:38,214 - root - INFO - [chat.py:2042] - Starting Flask application on port 5000 -2025-06-07 17:14:38,220 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-07 17:14:38,220 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-07 17:20:04,262 - access - INFO - [chat.py:1720] - PDF processing request received from 127.0.0.1 -2025-06-07 17:20:04,288 - root - INFO - [chat.py:1727] - Received PDF processing request for hospital 229, doc_id 425 -2025-06-07 17:20:04,305 - root - ERROR - [chat.py:1694] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-07 17:20:04,305 - root - INFO - [chat.py:1740] - Starting processing of document 425 -2025-06-07 17:20:04,367 - root - INFO - [chat.py:1748] - Extracting PDF contents... -2025-06-07 17:21:06,703 - root - INFO - [chat.py:388] - Successfully saved 27 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,704 - root - INFO - [chat.py:388] - Successfully saved 56 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,705 - root - INFO - [chat.py:388] - Successfully saved 85 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,706 - root - INFO - [chat.py:388] - Successfully saved 114 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,707 - root - INFO - [chat.py:388] - Successfully saved 143 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,708 - root - INFO - [chat.py:388] - Successfully saved 172 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,709 - root - INFO - [chat.py:388] - Successfully saved 201 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,710 - root - INFO - [chat.py:388] - Successfully saved 230 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,712 - root - INFO - [chat.py:388] - Successfully saved 259 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,714 - root - INFO - [chat.py:388] - Successfully saved 288 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,715 - root - INFO - [chat.py:388] - Successfully saved 317 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,717 - root - INFO - [chat.py:388] - Successfully saved 346 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,719 - root - INFO - [chat.py:388] - Successfully saved 375 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,721 - root - INFO - [chat.py:388] - Successfully saved 404 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,724 - root - INFO - [chat.py:388] - Successfully saved 433 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,726 - root - INFO - [chat.py:388] - Successfully saved 462 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,729 - root - INFO - [chat.py:388] - Successfully saved 491 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,731 - root - INFO - [chat.py:388] - Successfully saved 520 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,734 - root - INFO - [chat.py:388] - Successfully saved 549 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,737 - root - INFO - [chat.py:388] - Successfully saved 578 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,740 - root - INFO - [chat.py:388] - Successfully saved 607 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,743 - root - INFO - [chat.py:388] - Successfully saved 636 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,746 - root - INFO - [chat.py:388] - Successfully saved 665 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,749 - root - INFO - [chat.py:388] - Successfully saved 694 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,753 - root - INFO - [chat.py:388] - Successfully saved 723 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,763 - root - INFO - [chat.py:388] - Successfully saved 752 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,766 - root - INFO - [chat.py:388] - Successfully saved 781 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,776 - root - INFO - [chat.py:388] - Successfully saved 810 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,780 - root - INFO - [chat.py:388] - Successfully saved 839 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,786 - root - INFO - [chat.py:388] - Successfully saved 868 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,790 - root - INFO - [chat.py:388] - Successfully saved 897 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,795 - root - INFO - [chat.py:388] - Successfully saved 926 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,799 - root - INFO - [chat.py:388] - Successfully saved 955 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,803 - root - INFO - [chat.py:388] - Successfully saved 984 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,808 - root - INFO - [chat.py:388] - Successfully saved 1013 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,813 - root - INFO - [chat.py:388] - Successfully saved 1038 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,818 - root - INFO - [chat.py:388] - Successfully saved 1067 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,825 - root - INFO - [chat.py:388] - Successfully saved 1096 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,830 - root - INFO - [chat.py:388] - Successfully saved 1125 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,835 - root - INFO - [chat.py:388] - Successfully saved 1154 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,840 - root - INFO - [chat.py:388] - Successfully saved 1183 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,846 - root - INFO - [chat.py:388] - Successfully saved 1212 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,852 - root - INFO - [chat.py:388] - Successfully saved 1241 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,858 - root - INFO - [chat.py:388] - Successfully saved 1270 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,863 - root - INFO - [chat.py:388] - Successfully saved 1299 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,871 - root - INFO - [chat.py:388] - Successfully saved 1328 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,878 - root - INFO - [chat.py:388] - Successfully saved 1357 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,884 - root - INFO - [chat.py:388] - Successfully saved 1386 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,895 - root - INFO - [chat.py:388] - Successfully saved 1415 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,901 - root - INFO - [chat.py:388] - Successfully saved 1444 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,908 - root - INFO - [chat.py:388] - Successfully saved 1473 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,915 - root - INFO - [chat.py:388] - Successfully saved 1502 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,922 - root - INFO - [chat.py:388] - Successfully saved 1531 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,929 - root - INFO - [chat.py:388] - Successfully saved 1560 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,936 - root - INFO - [chat.py:388] - Successfully saved 1589 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,943 - root - INFO - [chat.py:388] - Successfully saved 1618 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,951 - root - INFO - [chat.py:388] - Successfully saved 1647 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,964 - root - INFO - [chat.py:388] - Successfully saved 1676 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,972 - root - INFO - [chat.py:388] - Successfully saved 1705 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,980 - root - INFO - [chat.py:388] - Successfully saved 1734 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,988 - root - INFO - [chat.py:388] - Successfully saved 1762 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:06,997 - root - INFO - [chat.py:388] - Successfully saved 1791 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,005 - root - INFO - [chat.py:388] - Successfully saved 1820 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,014 - root - INFO - [chat.py:388] - Successfully saved 1849 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,024 - root - INFO - [chat.py:388] - Successfully saved 1878 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,032 - root - INFO - [chat.py:388] - Successfully saved 1907 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,041 - root - INFO - [chat.py:388] - Successfully saved 1936 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,052 - root - INFO - [chat.py:388] - Successfully saved 1965 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,063 - root - INFO - [chat.py:388] - Successfully saved 1994 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,073 - root - INFO - [chat.py:388] - Successfully saved 2023 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,084 - root - INFO - [chat.py:388] - Successfully saved 2052 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,094 - root - INFO - [chat.py:388] - Successfully saved 2081 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,103 - root - INFO - [chat.py:388] - Successfully saved 2109 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,114 - root - INFO - [chat.py:388] - Successfully saved 2138 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,123 - root - INFO - [chat.py:388] - Successfully saved 2167 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,133 - root - INFO - [chat.py:388] - Successfully saved 2196 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,143 - root - INFO - [chat.py:388] - Successfully saved 2225 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,153 - root - INFO - [chat.py:388] - Successfully saved 2254 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,163 - root - INFO - [chat.py:388] - Successfully saved 2283 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,175 - root - INFO - [chat.py:388] - Successfully saved 2312 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,186 - root - INFO - [chat.py:388] - Successfully saved 2341 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,197 - root - INFO - [chat.py:388] - Successfully saved 2370 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,207 - root - INFO - [chat.py:388] - Successfully saved 2399 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,219 - root - INFO - [chat.py:388] - Successfully saved 2427 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,230 - root - INFO - [chat.py:388] - Successfully saved 2456 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,244 - root - INFO - [chat.py:388] - Successfully saved 2485 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,256 - root - INFO - [chat.py:388] - Successfully saved 2514 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,267 - root - INFO - [chat.py:388] - Successfully saved 2542 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,279 - root - INFO - [chat.py:388] - Successfully saved 2569 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,290 - root - INFO - [chat.py:388] - Successfully saved 2598 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,302 - root - INFO - [chat.py:388] - Successfully saved 2627 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,314 - root - INFO - [chat.py:388] - Successfully saved 2656 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,326 - root - INFO - [chat.py:388] - Successfully saved 2685 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,338 - root - INFO - [chat.py:388] - Successfully saved 2714 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,350 - root - INFO - [chat.py:388] - Successfully saved 2743 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,362 - root - INFO - [chat.py:388] - Successfully saved 2772 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,375 - root - INFO - [chat.py:388] - Successfully saved 2801 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,388 - root - INFO - [chat.py:388] - Successfully saved 2830 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,400 - root - INFO - [chat.py:388] - Successfully saved 2858 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,413 - root - INFO - [chat.py:388] - Successfully saved 2887 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,425 - root - INFO - [chat.py:388] - Successfully saved 2915 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,438 - root - INFO - [chat.py:388] - Successfully saved 2944 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,452 - root - INFO - [chat.py:388] - Successfully saved 2973 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,466 - root - INFO - [chat.py:388] - Successfully saved 2997 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,479 - root - INFO - [chat.py:388] - Successfully saved 3014 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,493 - root - INFO - [chat.py:388] - Successfully saved 3031 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,506 - root - INFO - [chat.py:388] - Successfully saved 3051 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,529 - root - INFO - [chat.py:388] - Successfully saved 3078 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,542 - root - INFO - [chat.py:388] - Successfully saved 3095 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,556 - root - INFO - [chat.py:388] - Successfully saved 3112 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,571 - root - INFO - [chat.py:388] - Successfully saved 3130 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,587 - root - INFO - [chat.py:388] - Successfully saved 3153 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,602 - root - INFO - [chat.py:388] - Successfully saved 3174 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,616 - root - INFO - [chat.py:388] - Successfully saved 3192 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,632 - root - INFO - [chat.py:388] - Successfully saved 3211 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,650 - root - INFO - [chat.py:388] - Successfully saved 3239 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,666 - root - INFO - [chat.py:388] - Successfully saved 3259 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,680 - root - INFO - [chat.py:388] - Successfully saved 3277 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,695 - root - INFO - [chat.py:388] - Successfully saved 3297 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,710 - root - INFO - [chat.py:388] - Successfully saved 3324 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,727 - root - INFO - [chat.py:388] - Successfully saved 3344 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,742 - root - INFO - [chat.py:388] - Successfully saved 3361 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,758 - root - INFO - [chat.py:388] - Successfully saved 3380 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,773 - root - INFO - [chat.py:388] - Successfully saved 3405 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,788 - root - INFO - [chat.py:388] - Successfully saved 3434 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,804 - root - INFO - [chat.py:388] - Successfully saved 3463 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,821 - root - INFO - [chat.py:388] - Successfully saved 3492 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,836 - root - INFO - [chat.py:388] - Successfully saved 3518 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,852 - root - INFO - [chat.py:388] - Successfully saved 3547 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,868 - root - INFO - [chat.py:388] - Successfully saved 3576 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,883 - root - INFO - [chat.py:388] - Successfully saved 3605 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,900 - root - INFO - [chat.py:388] - Successfully saved 3634 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,916 - root - INFO - [chat.py:388] - Successfully saved 3663 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,932 - root - INFO - [chat.py:388] - Successfully saved 3692 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,948 - root - INFO - [chat.py:388] - Successfully saved 3721 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,965 - root - INFO - [chat.py:388] - Successfully saved 3750 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,982 - root - INFO - [chat.py:388] - Successfully saved 3779 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:07,999 - root - INFO - [chat.py:388] - Successfully saved 3808 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,018 - root - INFO - [chat.py:388] - Successfully saved 3833 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,035 - root - INFO - [chat.py:388] - Successfully saved 3861 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,052 - root - INFO - [chat.py:388] - Successfully saved 3890 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,071 - root - INFO - [chat.py:388] - Successfully saved 3919 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,089 - root - INFO - [chat.py:388] - Successfully saved 3948 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,110 - root - INFO - [chat.py:388] - Successfully saved 3977 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,128 - root - INFO - [chat.py:388] - Successfully saved 4000 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,146 - root - INFO - [chat.py:388] - Successfully saved 4022 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,163 - root - INFO - [chat.py:388] - Successfully saved 4044 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,181 - root - INFO - [chat.py:388] - Successfully saved 4073 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,198 - root - INFO - [chat.py:388] - Successfully saved 4102 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,218 - root - INFO - [chat.py:388] - Successfully saved 4131 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,237 - root - INFO - [chat.py:388] - Successfully saved 4160 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,256 - root - INFO - [chat.py:388] - Successfully saved 4189 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,276 - root - INFO - [chat.py:388] - Successfully saved 4218 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,294 - root - INFO - [chat.py:388] - Successfully saved 4244 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,312 - root - INFO - [chat.py:388] - Successfully saved 4266 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,331 - root - INFO - [chat.py:388] - Successfully saved 4289 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,350 - root - INFO - [chat.py:388] - Successfully saved 4318 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,369 - root - INFO - [chat.py:388] - Successfully saved 4347 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,389 - root - INFO - [chat.py:388] - Successfully saved 4376 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,407 - root - INFO - [chat.py:388] - Successfully saved 4405 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,427 - root - INFO - [chat.py:388] - Successfully saved 4434 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,447 - root - INFO - [chat.py:388] - Successfully saved 4463 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,466 - root - INFO - [chat.py:388] - Successfully saved 4492 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,487 - root - INFO - [chat.py:388] - Successfully saved 4521 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,507 - root - INFO - [chat.py:388] - Successfully saved 4550 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,527 - root - INFO - [chat.py:388] - Successfully saved 4577 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,547 - root - INFO - [chat.py:388] - Successfully saved 4606 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,567 - root - INFO - [chat.py:388] - Successfully saved 4634 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,587 - root - INFO - [chat.py:388] - Successfully saved 4663 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,608 - root - INFO - [chat.py:388] - Successfully saved 4692 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,630 - root - INFO - [chat.py:388] - Successfully saved 4712 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,651 - root - INFO - [chat.py:388] - Successfully saved 4741 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,671 - root - INFO - [chat.py:388] - Successfully saved 4769 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,693 - root - INFO - [chat.py:388] - Successfully saved 4797 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,713 - root - INFO - [chat.py:388] - Successfully saved 4824 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,737 - root - INFO - [chat.py:388] - Successfully saved 4853 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,761 - root - INFO - [chat.py:388] - Successfully saved 4882 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,782 - root - INFO - [chat.py:388] - Successfully saved 4911 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,804 - root - INFO - [chat.py:388] - Successfully saved 4940 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,827 - root - INFO - [chat.py:388] - Successfully saved 4969 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,850 - root - INFO - [chat.py:388] - Successfully saved 4998 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,872 - root - INFO - [chat.py:388] - Successfully saved 5027 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,894 - root - INFO - [chat.py:388] - Successfully saved 5056 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,917 - root - INFO - [chat.py:388] - Successfully saved 5085 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,940 - root - INFO - [chat.py:388] - Successfully saved 5114 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,963 - root - INFO - [chat.py:388] - Successfully saved 5143 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:08,986 - root - INFO - [chat.py:388] - Successfully saved 5169 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,009 - root - INFO - [chat.py:388] - Successfully saved 5196 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,033 - root - INFO - [chat.py:388] - Successfully saved 5225 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,056 - root - INFO - [chat.py:388] - Successfully saved 5254 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,079 - root - INFO - [chat.py:388] - Successfully saved 5283 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,102 - root - INFO - [chat.py:388] - Successfully saved 5312 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,126 - root - INFO - [chat.py:388] - Successfully saved 5341 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,149 - root - INFO - [chat.py:388] - Successfully saved 5370 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,174 - root - INFO - [chat.py:388] - Successfully saved 5399 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,198 - root - INFO - [chat.py:388] - Successfully saved 5428 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,222 - root - INFO - [chat.py:388] - Successfully saved 5457 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,246 - root - INFO - [chat.py:388] - Successfully saved 5486 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,271 - root - INFO - [chat.py:388] - Successfully saved 5515 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,296 - root - INFO - [chat.py:388] - Successfully saved 5544 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,320 - root - INFO - [chat.py:388] - Successfully saved 5573 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,345 - root - INFO - [chat.py:388] - Successfully saved 5602 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,370 - root - INFO - [chat.py:388] - Successfully saved 5631 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,395 - root - INFO - [chat.py:388] - Successfully saved 5660 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,419 - root - INFO - [chat.py:388] - Successfully saved 5689 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,445 - root - INFO - [chat.py:388] - Successfully saved 5718 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,471 - root - INFO - [chat.py:388] - Successfully saved 5747 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,500 - root - INFO - [chat.py:388] - Successfully saved 5776 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,526 - root - INFO - [chat.py:388] - Successfully saved 5805 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,551 - root - INFO - [chat.py:388] - Successfully saved 5834 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,577 - root - INFO - [chat.py:388] - Successfully saved 5863 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,602 - root - INFO - [chat.py:388] - Successfully saved 5892 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,628 - root - INFO - [chat.py:388] - Successfully saved 5921 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,653 - root - INFO - [chat.py:388] - Successfully saved 5950 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,679 - root - INFO - [chat.py:388] - Successfully saved 5979 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,706 - root - INFO - [chat.py:388] - Successfully saved 6008 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,733 - root - INFO - [chat.py:388] - Successfully saved 6037 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,760 - root - INFO - [chat.py:388] - Successfully saved 6066 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,790 - root - INFO - [chat.py:388] - Successfully saved 6095 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,821 - root - INFO - [chat.py:388] - Successfully saved 6124 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,851 - root - INFO - [chat.py:388] - Successfully saved 6153 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,881 - root - INFO - [chat.py:388] - Successfully saved 6182 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,909 - root - INFO - [chat.py:388] - Successfully saved 6211 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,938 - root - INFO - [chat.py:388] - Successfully saved 6240 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,966 - root - INFO - [chat.py:388] - Successfully saved 6269 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:09,994 - root - INFO - [chat.py:388] - Successfully saved 6298 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,022 - root - INFO - [chat.py:388] - Successfully saved 6327 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,050 - root - INFO - [chat.py:388] - Successfully saved 6356 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,077 - root - INFO - [chat.py:388] - Successfully saved 6385 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,106 - root - INFO - [chat.py:388] - Successfully saved 6414 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,136 - root - INFO - [chat.py:388] - Successfully saved 6443 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,165 - root - INFO - [chat.py:388] - Successfully saved 6472 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,195 - root - INFO - [chat.py:388] - Successfully saved 6501 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,225 - root - INFO - [chat.py:388] - Successfully saved 6530 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,254 - root - INFO - [chat.py:388] - Successfully saved 6559 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,283 - root - INFO - [chat.py:388] - Successfully saved 6588 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,314 - root - INFO - [chat.py:388] - Successfully saved 6617 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,343 - root - INFO - [chat.py:388] - Successfully saved 6646 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,373 - root - INFO - [chat.py:388] - Successfully saved 6675 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,403 - root - INFO - [chat.py:388] - Successfully saved 6704 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,434 - root - INFO - [chat.py:388] - Successfully saved 6733 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,465 - root - INFO - [chat.py:388] - Successfully saved 6762 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,495 - root - INFO - [chat.py:388] - Successfully saved 6784 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,526 - root - INFO - [chat.py:388] - Successfully saved 6809 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,557 - root - INFO - [chat.py:388] - Successfully saved 6838 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,588 - root - INFO - [chat.py:388] - Successfully saved 6867 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,618 - root - INFO - [chat.py:388] - Successfully saved 6896 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,648 - root - INFO - [chat.py:388] - Successfully saved 6925 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,678 - root - INFO - [chat.py:388] - Successfully saved 6954 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,710 - root - INFO - [chat.py:388] - Successfully saved 6983 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,741 - root - INFO - [chat.py:388] - Successfully saved 7012 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,772 - root - INFO - [chat.py:388] - Successfully saved 7041 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,803 - root - INFO - [chat.py:388] - Successfully saved 7070 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,834 - root - INFO - [chat.py:388] - Successfully saved 7099 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,865 - root - INFO - [chat.py:388] - Successfully saved 7128 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,897 - root - INFO - [chat.py:388] - Successfully saved 7157 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,930 - root - INFO - [chat.py:388] - Successfully saved 7186 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,961 - root - INFO - [chat.py:388] - Successfully saved 7215 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:10,992 - root - INFO - [chat.py:388] - Successfully saved 7244 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,028 - root - INFO - [chat.py:388] - Successfully saved 7273 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,060 - root - INFO - [chat.py:388] - Successfully saved 7302 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,092 - root - INFO - [chat.py:388] - Successfully saved 7331 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,125 - root - INFO - [chat.py:388] - Successfully saved 7360 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,157 - root - INFO - [chat.py:388] - Successfully saved 7389 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,190 - root - INFO - [chat.py:388] - Successfully saved 7418 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,222 - root - INFO - [chat.py:388] - Successfully saved 7447 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,256 - root - INFO - [chat.py:388] - Successfully saved 7476 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,288 - root - INFO - [chat.py:388] - Successfully saved 7505 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,322 - root - INFO - [chat.py:388] - Successfully saved 7534 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,356 - root - INFO - [chat.py:388] - Successfully saved 7563 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,390 - root - INFO - [chat.py:388] - Successfully saved 7592 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,424 - root - INFO - [chat.py:388] - Successfully saved 7621 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,457 - root - INFO - [chat.py:388] - Successfully saved 7649 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,490 - root - INFO - [chat.py:388] - Successfully saved 7671 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,523 - root - INFO - [chat.py:388] - Successfully saved 7700 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,562 - root - INFO - [chat.py:388] - Successfully saved 7729 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,600 - root - INFO - [chat.py:388] - Successfully saved 7758 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,636 - root - INFO - [chat.py:388] - Successfully saved 7787 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,671 - root - INFO - [chat.py:388] - Successfully saved 7816 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,706 - root - INFO - [chat.py:388] - Successfully saved 7844 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,741 - root - INFO - [chat.py:388] - Successfully saved 7872 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,777 - root - INFO - [chat.py:388] - Successfully saved 7900 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,812 - root - INFO - [chat.py:388] - Successfully saved 7928 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,847 - root - INFO - [chat.py:388] - Successfully saved 7957 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,883 - root - INFO - [chat.py:388] - Successfully saved 7986 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,918 - root - INFO - [chat.py:388] - Successfully saved 8015 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,954 - root - INFO - [chat.py:388] - Successfully saved 8044 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:11,990 - root - INFO - [chat.py:388] - Successfully saved 8073 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,028 - root - INFO - [chat.py:388] - Successfully saved 8102 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,065 - root - INFO - [chat.py:388] - Successfully saved 8130 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,100 - root - INFO - [chat.py:388] - Successfully saved 8159 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,137 - root - INFO - [chat.py:388] - Successfully saved 8188 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,174 - root - INFO - [chat.py:388] - Successfully saved 8216 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,210 - root - INFO - [chat.py:388] - Successfully saved 8240 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,248 - root - INFO - [chat.py:388] - Successfully saved 8269 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,284 - root - INFO - [chat.py:388] - Successfully saved 8298 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,321 - root - INFO - [chat.py:388] - Successfully saved 8327 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,360 - root - INFO - [chat.py:388] - Successfully saved 8352 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,398 - root - INFO - [chat.py:388] - Successfully saved 8379 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,435 - root - INFO - [chat.py:388] - Successfully saved 8404 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,472 - root - INFO - [chat.py:388] - Successfully saved 8431 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,511 - root - INFO - [chat.py:388] - Successfully saved 8456 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,549 - root - INFO - [chat.py:388] - Successfully saved 8475 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,588 - root - INFO - [chat.py:388] - Successfully saved 8504 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,629 - root - INFO - [chat.py:388] - Successfully saved 8533 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,670 - root - INFO - [chat.py:388] - Successfully saved 8562 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,711 - root - INFO - [chat.py:388] - Successfully saved 8591 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,752 - root - INFO - [chat.py:388] - Successfully saved 8620 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,792 - root - INFO - [chat.py:388] - Successfully saved 8649 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,832 - root - INFO - [chat.py:388] - Successfully saved 8678 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,870 - root - INFO - [chat.py:388] - Successfully saved 8707 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,908 - root - INFO - [chat.py:388] - Successfully saved 8735 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,947 - root - INFO - [chat.py:388] - Successfully saved 8763 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:12,985 - root - INFO - [chat.py:388] - Successfully saved 8792 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,024 - root - INFO - [chat.py:388] - Successfully saved 8814 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,062 - root - INFO - [chat.py:388] - Successfully saved 8836 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,101 - root - INFO - [chat.py:388] - Successfully saved 8856 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,140 - root - INFO - [chat.py:388] - Successfully saved 8878 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,179 - root - INFO - [chat.py:388] - Successfully saved 8897 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,218 - root - INFO - [chat.py:388] - Successfully saved 8921 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,257 - root - INFO - [chat.py:388] - Successfully saved 8950 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,296 - root - INFO - [chat.py:388] - Successfully saved 8975 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,336 - root - INFO - [chat.py:388] - Successfully saved 8999 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,374 - root - INFO - [chat.py:388] - Successfully saved 9018 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,414 - root - INFO - [chat.py:388] - Successfully saved 9042 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,455 - root - INFO - [chat.py:388] - Successfully saved 9070 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,495 - root - INFO - [chat.py:388] - Successfully saved 9091 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,535 - root - INFO - [chat.py:388] - Successfully saved 9112 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,574 - root - INFO - [chat.py:388] - Successfully saved 9133 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,622 - root - INFO - [chat.py:388] - Successfully saved 9154 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,664 - root - INFO - [chat.py:388] - Successfully saved 9172 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,706 - root - INFO - [chat.py:388] - Successfully saved 9191 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,748 - root - INFO - [chat.py:388] - Successfully saved 9213 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,789 - root - INFO - [chat.py:388] - Successfully saved 9237 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,830 - root - INFO - [chat.py:388] - Successfully saved 9259 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,873 - root - INFO - [chat.py:388] - Successfully saved 9285 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,914 - root - INFO - [chat.py:388] - Successfully saved 9314 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,955 - root - INFO - [chat.py:388] - Successfully saved 9343 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:13,995 - root - INFO - [chat.py:388] - Successfully saved 9372 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,038 - root - INFO - [chat.py:388] - Successfully saved 9401 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,080 - root - INFO - [chat.py:388] - Successfully saved 9429 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,122 - root - INFO - [chat.py:388] - Successfully saved 9456 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,163 - root - INFO - [chat.py:388] - Successfully saved 9484 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,205 - root - INFO - [chat.py:388] - Successfully saved 9513 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,248 - root - INFO - [chat.py:388] - Successfully saved 9542 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,290 - root - INFO - [chat.py:388] - Successfully saved 9567 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,331 - root - INFO - [chat.py:388] - Successfully saved 9596 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,377 - root - INFO - [chat.py:388] - Successfully saved 9623 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,420 - root - INFO - [chat.py:388] - Successfully saved 9651 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,463 - root - INFO - [chat.py:388] - Successfully saved 9671 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,507 - root - INFO - [chat.py:388] - Successfully saved 9698 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,549 - root - INFO - [chat.py:388] - Successfully saved 9726 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,592 - root - INFO - [chat.py:388] - Successfully saved 9755 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,636 - root - INFO - [chat.py:388] - Successfully saved 9784 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,680 - root - INFO - [chat.py:388] - Successfully saved 9813 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,724 - root - INFO - [chat.py:388] - Successfully saved 9842 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,769 - root - INFO - [chat.py:388] - Successfully saved 9871 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,812 - root - INFO - [chat.py:388] - Successfully saved 9900 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,856 - root - INFO - [chat.py:388] - Successfully saved 9928 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,902 - root - INFO - [chat.py:388] - Successfully saved 9957 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,947 - root - INFO - [chat.py:388] - Successfully saved 9983 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:14,992 - root - INFO - [chat.py:388] - Successfully saved 10008 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,037 - root - INFO - [chat.py:388] - Successfully saved 10037 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,081 - root - INFO - [chat.py:388] - Successfully saved 10066 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,125 - root - INFO - [chat.py:388] - Successfully saved 10095 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,170 - root - INFO - [chat.py:388] - Successfully saved 10124 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,217 - root - INFO - [chat.py:388] - Successfully saved 10153 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,262 - root - INFO - [chat.py:388] - Successfully saved 10182 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,308 - root - INFO - [chat.py:388] - Successfully saved 10211 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,354 - root - INFO - [chat.py:388] - Successfully saved 10240 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,399 - root - INFO - [chat.py:388] - Successfully saved 10269 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,446 - root - INFO - [chat.py:388] - Successfully saved 10298 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,494 - root - INFO - [chat.py:388] - Successfully saved 10327 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,541 - root - INFO - [chat.py:388] - Successfully saved 10356 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,587 - root - INFO - [chat.py:388] - Successfully saved 10385 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,658 - root - INFO - [chat.py:388] - Successfully saved 10414 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,717 - root - INFO - [chat.py:388] - Successfully saved 10443 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,772 - root - INFO - [chat.py:388] - Successfully saved 10472 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,822 - root - INFO - [chat.py:388] - Successfully saved 10501 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,873 - root - INFO - [chat.py:388] - Successfully saved 10530 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,924 - root - INFO - [chat.py:388] - Successfully saved 10559 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:15,976 - root - INFO - [chat.py:388] - Successfully saved 10588 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,030 - root - INFO - [chat.py:388] - Successfully saved 10617 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,083 - root - INFO - [chat.py:388] - Successfully saved 10646 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,143 - root - INFO - [chat.py:388] - Successfully saved 10675 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,192 - root - INFO - [chat.py:388] - Successfully saved 10704 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,240 - root - INFO - [chat.py:388] - Successfully saved 10733 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,287 - root - INFO - [chat.py:388] - Successfully saved 10759 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,335 - root - INFO - [chat.py:388] - Successfully saved 10786 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,382 - root - INFO - [chat.py:388] - Successfully saved 10815 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,428 - root - INFO - [chat.py:388] - Successfully saved 10844 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,476 - root - INFO - [chat.py:388] - Successfully saved 10873 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,528 - root - INFO - [chat.py:388] - Successfully saved 10902 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,578 - root - INFO - [chat.py:388] - Successfully saved 10931 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,628 - root - INFO - [chat.py:388] - Successfully saved 10960 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,679 - root - INFO - [chat.py:388] - Successfully saved 10989 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,728 - root - INFO - [chat.py:388] - Successfully saved 11018 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,781 - root - INFO - [chat.py:388] - Successfully saved 11047 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,837 - root - INFO - [chat.py:388] - Successfully saved 11076 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,889 - root - INFO - [chat.py:388] - Successfully saved 11105 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,939 - root - INFO - [chat.py:388] - Successfully saved 11134 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:16,989 - root - INFO - [chat.py:388] - Successfully saved 11163 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,039 - root - INFO - [chat.py:388] - Successfully saved 11192 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,090 - root - INFO - [chat.py:388] - Successfully saved 11220 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,139 - root - INFO - [chat.py:388] - Successfully saved 11247 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,191 - root - INFO - [chat.py:388] - Successfully saved 11276 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,248 - root - INFO - [chat.py:388] - Successfully saved 11305 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,299 - root - INFO - [chat.py:388] - Successfully saved 11334 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,350 - root - INFO - [chat.py:388] - Successfully saved 11363 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,401 - root - INFO - [chat.py:388] - Successfully saved 11392 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,459 - root - INFO - [chat.py:388] - Successfully saved 11421 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,517 - root - INFO - [chat.py:388] - Successfully saved 11450 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,574 - root - INFO - [chat.py:388] - Successfully saved 11479 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,628 - root - INFO - [chat.py:388] - Successfully saved 11508 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,681 - root - INFO - [chat.py:388] - Successfully saved 11536 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,735 - root - INFO - [chat.py:388] - Successfully saved 11564 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,787 - root - INFO - [chat.py:388] - Successfully saved 11593 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,840 - root - INFO - [chat.py:388] - Successfully saved 11622 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,896 - root - INFO - [chat.py:388] - Successfully saved 11651 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:17,950 - root - INFO - [chat.py:388] - Successfully saved 11680 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,005 - root - INFO - [chat.py:388] - Successfully saved 11708 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,061 - root - INFO - [chat.py:388] - Successfully saved 11737 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,117 - root - INFO - [chat.py:388] - Successfully saved 11766 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,170 - root - INFO - [chat.py:388] - Successfully saved 11795 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,224 - root - INFO - [chat.py:388] - Successfully saved 11824 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,286 - root - INFO - [chat.py:388] - Successfully saved 11853 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,342 - root - INFO - [chat.py:388] - Successfully saved 11882 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,395 - root - INFO - [chat.py:388] - Successfully saved 11911 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,448 - root - INFO - [chat.py:388] - Successfully saved 11940 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,503 - root - INFO - [chat.py:388] - Successfully saved 11969 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,557 - root - INFO - [chat.py:388] - Successfully saved 11990 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,610 - root - INFO - [chat.py:388] - Successfully saved 12012 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,665 - root - INFO - [chat.py:388] - Successfully saved 12041 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,718 - root - INFO - [chat.py:388] - Successfully saved 12070 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,781 - root - INFO - [chat.py:388] - Successfully saved 12099 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,837 - root - INFO - [chat.py:388] - Successfully saved 12128 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,893 - root - INFO - [chat.py:388] - Successfully saved 12157 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:18,948 - root - INFO - [chat.py:388] - Successfully saved 12186 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,004 - root - INFO - [chat.py:388] - Successfully saved 12215 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,059 - root - INFO - [chat.py:388] - Successfully saved 12244 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,114 - root - INFO - [chat.py:388] - Successfully saved 12273 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,167 - root - INFO - [chat.py:388] - Successfully saved 12302 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,223 - root - INFO - [chat.py:388] - Successfully saved 12331 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,281 - root - INFO - [chat.py:388] - Successfully saved 12360 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,336 - root - INFO - [chat.py:388] - Successfully saved 12389 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,390 - root - INFO - [chat.py:388] - Successfully saved 12418 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,445 - root - INFO - [chat.py:388] - Successfully saved 12447 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,500 - root - INFO - [chat.py:388] - Successfully saved 12476 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,555 - root - INFO - [chat.py:388] - Successfully saved 12505 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,611 - root - INFO - [chat.py:388] - Successfully saved 12534 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,667 - root - INFO - [chat.py:388] - Successfully saved 12563 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,721 - root - INFO - [chat.py:388] - Successfully saved 12592 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,782 - root - INFO - [chat.py:388] - Successfully saved 12621 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,837 - root - INFO - [chat.py:388] - Successfully saved 12650 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,894 - root - INFO - [chat.py:388] - Successfully saved 12679 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:19,949 - root - INFO - [chat.py:388] - Successfully saved 12708 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:20,006 - root - INFO - [chat.py:388] - Successfully saved 12737 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,090 - root - INFO - [chat.py:388] - Successfully saved 12766 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,149 - root - INFO - [chat.py:388] - Successfully saved 12795 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,206 - root - INFO - [chat.py:388] - Successfully saved 12824 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,273 - root - INFO - [chat.py:388] - Successfully saved 12853 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,332 - root - INFO - [chat.py:388] - Successfully saved 12882 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,389 - root - INFO - [chat.py:388] - Successfully saved 12911 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,447 - root - INFO - [chat.py:388] - Successfully saved 12940 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,505 - root - INFO - [chat.py:388] - Successfully saved 12969 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,564 - root - INFO - [chat.py:388] - Successfully saved 12998 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,623 - root - INFO - [chat.py:388] - Successfully saved 13027 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,683 - root - INFO - [chat.py:388] - Successfully saved 13056 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,743 - root - INFO - [chat.py:388] - Successfully saved 13085 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,801 - root - INFO - [chat.py:388] - Successfully saved 13114 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,860 - root - INFO - [chat.py:388] - Successfully saved 13143 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,921 - root - INFO - [chat.py:388] - Successfully saved 13172 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:21,981 - root - INFO - [chat.py:388] - Successfully saved 13201 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,041 - root - INFO - [chat.py:388] - Successfully saved 13230 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,100 - root - INFO - [chat.py:388] - Successfully saved 13259 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,161 - root - INFO - [chat.py:388] - Successfully saved 13288 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,220 - root - INFO - [chat.py:388] - Successfully saved 13317 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,285 - root - INFO - [chat.py:388] - Successfully saved 13346 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,344 - root - INFO - [chat.py:388] - Successfully saved 13375 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,404 - root - INFO - [chat.py:388] - Successfully saved 13404 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,464 - root - INFO - [chat.py:388] - Successfully saved 13433 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,524 - root - INFO - [chat.py:388] - Successfully saved 13462 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,594 - root - INFO - [chat.py:388] - Successfully saved 13491 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,655 - root - INFO - [chat.py:388] - Successfully saved 13520 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,714 - root - INFO - [chat.py:388] - Successfully saved 13549 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,791 - root - INFO - [chat.py:388] - Successfully saved 13578 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,854 - root - INFO - [chat.py:388] - Successfully saved 13607 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,916 - root - INFO - [chat.py:388] - Successfully saved 13636 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:22,978 - root - INFO - [chat.py:388] - Successfully saved 13665 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,040 - root - INFO - [chat.py:388] - Successfully saved 13694 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,101 - root - INFO - [chat.py:388] - Successfully saved 13723 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,161 - root - INFO - [chat.py:388] - Successfully saved 13752 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,223 - root - INFO - [chat.py:388] - Successfully saved 13781 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,286 - root - INFO - [chat.py:388] - Successfully saved 13810 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,348 - root - INFO - [chat.py:388] - Successfully saved 13839 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,409 - root - INFO - [chat.py:388] - Successfully saved 13868 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,471 - root - INFO - [chat.py:388] - Successfully saved 13897 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,533 - root - INFO - [chat.py:388] - Successfully saved 13926 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,593 - root - INFO - [chat.py:388] - Successfully saved 13955 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,655 - root - INFO - [chat.py:388] - Successfully saved 13984 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,717 - root - INFO - [chat.py:388] - Successfully saved 14013 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,781 - root - INFO - [chat.py:388] - Successfully saved 14042 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,847 - root - INFO - [chat.py:388] - Successfully saved 14071 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,911 - root - INFO - [chat.py:388] - Successfully saved 14100 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:23,974 - root - INFO - [chat.py:388] - Successfully saved 14129 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,039 - root - INFO - [chat.py:388] - Successfully saved 14158 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,101 - root - INFO - [chat.py:388] - Successfully saved 14187 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,164 - root - INFO - [chat.py:388] - Successfully saved 14216 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,226 - root - INFO - [chat.py:388] - Successfully saved 14245 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,294 - root - INFO - [chat.py:388] - Successfully saved 14274 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,359 - root - INFO - [chat.py:388] - Successfully saved 14296 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,425 - root - INFO - [chat.py:388] - Successfully saved 14317 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,492 - root - INFO - [chat.py:388] - Successfully saved 14338 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,557 - root - INFO - [chat.py:388] - Successfully saved 14363 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,622 - root - INFO - [chat.py:388] - Successfully saved 14392 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,687 - root - INFO - [chat.py:388] - Successfully saved 14421 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,758 - root - INFO - [chat.py:388] - Successfully saved 14450 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,822 - root - INFO - [chat.py:388] - Successfully saved 14479 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,889 - root - INFO - [chat.py:388] - Successfully saved 14508 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:24,954 - root - INFO - [chat.py:388] - Successfully saved 14537 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,029 - root - INFO - [chat.py:388] - Successfully saved 14566 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,097 - root - INFO - [chat.py:388] - Successfully saved 14595 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,163 - root - INFO - [chat.py:388] - Successfully saved 14624 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,228 - root - INFO - [chat.py:388] - Successfully saved 14653 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,297 - root - INFO - [chat.py:388] - Successfully saved 14682 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,363 - root - INFO - [chat.py:388] - Successfully saved 14711 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,429 - root - INFO - [chat.py:388] - Successfully saved 14740 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,499 - root - INFO - [chat.py:388] - Successfully saved 14769 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,566 - root - INFO - [chat.py:388] - Successfully saved 14798 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,634 - root - INFO - [chat.py:388] - Successfully saved 14827 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,702 - root - INFO - [chat.py:388] - Successfully saved 14856 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,774 - root - INFO - [chat.py:388] - Successfully saved 14885 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,840 - root - INFO - [chat.py:388] - Successfully saved 14914 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,909 - root - INFO - [chat.py:388] - Successfully saved 14943 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:25,976 - root - INFO - [chat.py:388] - Successfully saved 14972 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:26,047 - root - INFO - [chat.py:388] - Successfully saved 15001 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:26,116 - root - INFO - [chat.py:388] - Successfully saved 15030 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:26,185 - root - INFO - [chat.py:388] - Successfully saved 15059 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:26,256 - root - INFO - [chat.py:388] - Successfully saved 15088 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:26,326 - root - INFO - [chat.py:388] - Successfully saved 15117 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:26,394 - root - INFO - [chat.py:388] - Successfully saved 15146 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:26,461 - root - INFO - [chat.py:388] - Successfully saved 15175 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:26,529 - root - INFO - [chat.py:388] - Successfully saved 15204 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:26,598 - root - INFO - [chat.py:388] - Successfully saved 15233 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:26,666 - root - INFO - [chat.py:388] - Successfully saved 15262 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:26,736 - root - INFO - [chat.py:388] - Successfully saved 15291 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:26,808 - root - INFO - [chat.py:388] - Successfully saved 15320 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:26,876 - root - INFO - [chat.py:388] - Successfully saved 15348 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:26,945 - root - INFO - [chat.py:388] - Successfully saved 15377 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,014 - root - INFO - [chat.py:388] - Successfully saved 15406 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,084 - root - INFO - [chat.py:388] - Successfully saved 15435 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,152 - root - INFO - [chat.py:388] - Successfully saved 15464 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,220 - root - INFO - [chat.py:388] - Successfully saved 15493 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,290 - root - INFO - [chat.py:388] - Successfully saved 15522 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,358 - root - INFO - [chat.py:388] - Successfully saved 15551 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,425 - root - INFO - [chat.py:388] - Successfully saved 15580 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,494 - root - INFO - [chat.py:388] - Successfully saved 15607 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,562 - root - INFO - [chat.py:388] - Successfully saved 15625 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,632 - root - INFO - [chat.py:388] - Successfully saved 15643 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,700 - root - INFO - [chat.py:388] - Successfully saved 15661 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,769 - root - INFO - [chat.py:388] - Successfully saved 15679 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,839 - root - INFO - [chat.py:388] - Successfully saved 15697 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,912 - root - INFO - [chat.py:388] - Successfully saved 15715 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:27,985 - root - INFO - [chat.py:388] - Successfully saved 15733 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:28,057 - root - INFO - [chat.py:388] - Successfully saved 15751 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:28,127 - root - INFO - [chat.py:388] - Successfully saved 15769 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:28,198 - root - INFO - [chat.py:388] - Successfully saved 15787 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:28,273 - root - INFO - [chat.py:388] - Successfully saved 15805 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:28,349 - root - INFO - [chat.py:388] - Successfully saved 15824 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:28,421 - root - INFO - [chat.py:388] - Successfully saved 15842 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:28,491 - root - INFO - [chat.py:388] - Successfully saved 15860 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:28,560 - root - INFO - [chat.py:388] - Successfully saved 15878 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:28,631 - root - INFO - [chat.py:388] - Successfully saved 15905 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:28,704 - root - INFO - [chat.py:388] - Successfully saved 15934 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:28,781 - root - INFO - [chat.py:388] - Successfully saved 15961 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:28,856 - root - INFO - [chat.py:388] - Successfully saved 15989 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:28,934 - root - INFO - [chat.py:388] - Successfully saved 16018 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:29,011 - root - INFO - [chat.py:388] - Successfully saved 16047 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:29,088 - root - INFO - [chat.py:388] - Successfully saved 16074 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:29,164 - root - INFO - [chat.py:388] - Successfully saved 16103 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:29,242 - root - INFO - [chat.py:388] - Successfully saved 16131 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:29,323 - root - INFO - [chat.py:388] - Successfully saved 16158 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:29,404 - root - INFO - [chat.py:388] - Successfully saved 16185 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:29,483 - root - INFO - [chat.py:388] - Successfully saved 16210 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:29,563 - root - INFO - [chat.py:388] - Successfully saved 16237 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:29,636 - root - INFO - [chat.py:388] - Successfully saved 16263 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:29,711 - root - INFO - [chat.py:388] - Successfully saved 16289 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:29,792 - root - INFO - [chat.py:388] - Successfully saved 16316 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:29,871 - root - INFO - [chat.py:388] - Successfully saved 16342 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:29,951 - root - INFO - [chat.py:388] - Successfully saved 16364 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:30,033 - root - INFO - [chat.py:388] - Successfully saved 16384 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:30,115 - root - INFO - [chat.py:388] - Successfully saved 16404 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:30,195 - root - INFO - [chat.py:388] - Successfully saved 16423 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:30,276 - root - INFO - [chat.py:388] - Successfully saved 16443 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:30,358 - root - INFO - [chat.py:388] - Successfully saved 16463 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:30,438 - root - INFO - [chat.py:388] - Successfully saved 16483 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:30,521 - root - INFO - [chat.py:388] - Successfully saved 16502 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:30,599 - root - INFO - [chat.py:388] - Successfully saved 16522 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:30,676 - root - INFO - [chat.py:388] - Successfully saved 16542 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:30,756 - root - INFO - [chat.py:388] - Successfully saved 16562 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:30,838 - root - INFO - [chat.py:388] - Successfully saved 16582 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:30,920 - root - INFO - [chat.py:388] - Successfully saved 16602 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:31,000 - root - INFO - [chat.py:388] - Successfully saved 16621 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:31,080 - root - INFO - [chat.py:388] - Successfully saved 16641 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:31,156 - root - INFO - [chat.py:388] - Successfully saved 16661 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:31,230 - root - INFO - [chat.py:388] - Successfully saved 16681 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:31,306 - root - INFO - [chat.py:388] - Successfully saved 16700 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:31,382 - root - INFO - [chat.py:388] - Successfully saved 16720 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:31,457 - root - INFO - [chat.py:388] - Successfully saved 16742 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:31,531 - root - INFO - [chat.py:388] - Successfully saved 16762 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:31,607 - root - INFO - [chat.py:388] - Successfully saved 16782 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:31,685 - root - INFO - [chat.py:388] - Successfully saved 16806 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:31,763 - root - INFO - [chat.py:388] - Successfully saved 16835 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:31,841 - root - INFO - [chat.py:388] - Successfully saved 16864 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:31,930 - root - INFO - [chat.py:388] - Successfully saved 16893 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:32,014 - root - INFO - [chat.py:388] - Successfully saved 16922 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:32,102 - root - INFO - [chat.py:388] - Successfully saved 16951 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:32,193 - root - INFO - [chat.py:388] - Successfully saved 16980 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:32,283 - root - INFO - [chat.py:388] - Successfully saved 17009 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:32,361 - root - INFO - [chat.py:388] - Successfully saved 17038 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:32,440 - root - INFO - [chat.py:388] - Successfully saved 17067 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:32,519 - root - INFO - [chat.py:388] - Successfully saved 17096 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:32,599 - root - INFO - [chat.py:388] - Successfully saved 17125 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:32,680 - root - INFO - [chat.py:388] - Successfully saved 17154 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:32,759 - root - INFO - [chat.py:388] - Successfully saved 17183 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:32,838 - root - INFO - [chat.py:388] - Successfully saved 17212 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:32,915 - root - INFO - [chat.py:388] - Successfully saved 17241 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:33,322 - root - INFO - [chat.py:388] - Successfully saved 17270 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:33,402 - root - INFO - [chat.py:388] - Successfully saved 17299 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:33,479 - root - INFO - [chat.py:388] - Successfully saved 17328 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:33,557 - root - INFO - [chat.py:388] - Successfully saved 17357 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:33,634 - root - INFO - [chat.py:388] - Successfully saved 17386 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:33,713 - root - INFO - [chat.py:388] - Successfully saved 17415 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:33,793 - root - INFO - [chat.py:388] - Successfully saved 17444 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:33,871 - root - INFO - [chat.py:388] - Successfully saved 17473 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:33,950 - root - INFO - [chat.py:388] - Successfully saved 17502 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:34,030 - root - INFO - [chat.py:388] - Successfully saved 17531 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:34,154 - root - INFO - [chat.py:388] - Successfully saved 17560 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:34,234 - root - INFO - [chat.py:388] - Successfully saved 17589 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:34,314 - root - INFO - [chat.py:388] - Successfully saved 17618 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:34,392 - root - INFO - [chat.py:388] - Successfully saved 17647 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:34,471 - root - INFO - [chat.py:388] - Successfully saved 17676 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:34,551 - root - INFO - [chat.py:388] - Successfully saved 17705 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:34,629 - root - INFO - [chat.py:388] - Successfully saved 17734 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:34,709 - root - INFO - [chat.py:388] - Successfully saved 17763 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:34,801 - root - INFO - [chat.py:388] - Successfully saved 17792 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:34,896 - root - INFO - [chat.py:388] - Successfully saved 17821 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:34,982 - root - INFO - [chat.py:388] - Successfully saved 17850 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:35,065 - root - INFO - [chat.py:388] - Successfully saved 17879 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:35,146 - root - INFO - [chat.py:388] - Successfully saved 17905 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:35,226 - root - INFO - [chat.py:388] - Successfully saved 17925 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:35,307 - root - INFO - [chat.py:388] - Successfully saved 17953 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:35,392 - root - INFO - [chat.py:388] - Successfully saved 17982 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:35,474 - root - INFO - [chat.py:388] - Successfully saved 18011 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:35,557 - root - INFO - [chat.py:388] - Successfully saved 18040 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:35,640 - root - INFO - [chat.py:388] - Successfully saved 18068 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:35,722 - root - INFO - [chat.py:388] - Successfully saved 18097 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:35,806 - root - INFO - [chat.py:388] - Successfully saved 18126 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:35,892 - root - INFO - [chat.py:388] - Successfully saved 18153 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:35,977 - root - INFO - [chat.py:388] - Successfully saved 18182 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:36,063 - root - INFO - [chat.py:388] - Successfully saved 18211 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:36,162 - root - INFO - [chat.py:388] - Successfully saved 18240 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:36,251 - root - INFO - [chat.py:388] - Successfully saved 18269 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:36,351 - root - INFO - [chat.py:388] - Successfully saved 18298 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:36,434 - root - INFO - [chat.py:388] - Successfully saved 18327 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:36,516 - root - INFO - [chat.py:388] - Successfully saved 18356 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:36,600 - root - INFO - [chat.py:388] - Successfully saved 18385 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:36,686 - root - INFO - [chat.py:388] - Successfully saved 18414 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:36,782 - root - INFO - [chat.py:388] - Successfully saved 18443 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:36,906 - root - INFO - [chat.py:388] - Successfully saved 18472 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:37,003 - root - INFO - [chat.py:388] - Successfully saved 18501 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:37,096 - root - INFO - [chat.py:388] - Successfully saved 18530 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:37,191 - root - INFO - [chat.py:388] - Successfully saved 18559 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:37,283 - root - INFO - [chat.py:388] - Successfully saved 18588 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:37,368 - root - INFO - [chat.py:388] - Successfully saved 18617 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:37,453 - root - INFO - [chat.py:388] - Successfully saved 18646 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:37,543 - root - INFO - [chat.py:388] - Successfully saved 18675 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:37,629 - root - INFO - [chat.py:388] - Successfully saved 18698 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:37,715 - root - INFO - [chat.py:388] - Successfully saved 18727 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:37,801 - root - INFO - [chat.py:388] - Successfully saved 18756 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:37,887 - root - INFO - [chat.py:388] - Successfully saved 18785 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:37,974 - root - INFO - [chat.py:388] - Successfully saved 18813 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:38,063 - root - INFO - [chat.py:388] - Successfully saved 18838 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:38,148 - root - INFO - [chat.py:388] - Successfully saved 18864 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:38,234 - root - INFO - [chat.py:388] - Successfully saved 18892 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:38,318 - root - INFO - [chat.py:388] - Successfully saved 18919 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:38,402 - root - INFO - [chat.py:388] - Successfully saved 18948 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:38,487 - root - INFO - [chat.py:388] - Successfully saved 18977 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:38,571 - root - INFO - [chat.py:388] - Successfully saved 19006 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:38,656 - root - INFO - [chat.py:388] - Successfully saved 19035 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:38,743 - root - INFO - [chat.py:388] - Successfully saved 19064 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:38,829 - root - INFO - [chat.py:388] - Successfully saved 19093 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:38,914 - root - INFO - [chat.py:388] - Successfully saved 19122 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:39,000 - root - INFO - [chat.py:388] - Successfully saved 19151 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:39,087 - root - INFO - [chat.py:388] - Successfully saved 19179 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:39,172 - root - INFO - [chat.py:388] - Successfully saved 19205 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:39,265 - root - INFO - [chat.py:388] - Successfully saved 19229 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:39,351 - root - INFO - [chat.py:388] - Successfully saved 19251 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:39,438 - root - INFO - [chat.py:388] - Successfully saved 19272 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:39,524 - root - INFO - [chat.py:388] - Successfully saved 19301 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:39,610 - root - INFO - [chat.py:388] - Successfully saved 19320 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:39,697 - root - INFO - [chat.py:388] - Successfully saved 19338 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:39,784 - root - INFO - [chat.py:388] - Successfully saved 19361 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:39,870 - root - INFO - [chat.py:388] - Successfully saved 19378 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:39,957 - root - INFO - [chat.py:388] - Successfully saved 19401 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:40,049 - root - INFO - [chat.py:388] - Successfully saved 19429 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:40,142 - root - INFO - [chat.py:388] - Successfully saved 19458 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:40,230 - root - INFO - [chat.py:388] - Successfully saved 19485 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:40,319 - root - INFO - [chat.py:388] - Successfully saved 19514 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:40,407 - root - INFO - [chat.py:388] - Successfully saved 19543 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:40,493 - root - INFO - [chat.py:388] - Successfully saved 19571 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:40,579 - root - INFO - [chat.py:388] - Successfully saved 19599 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:40,669 - root - INFO - [chat.py:388] - Successfully saved 19626 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:40,757 - root - INFO - [chat.py:388] - Successfully saved 19655 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:40,845 - root - INFO - [chat.py:388] - Successfully saved 19682 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:40,935 - root - INFO - [chat.py:388] - Successfully saved 19711 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:41,027 - root - INFO - [chat.py:388] - Successfully saved 19740 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:41,117 - root - INFO - [chat.py:388] - Successfully saved 19769 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:41,208 - root - INFO - [chat.py:388] - Successfully saved 19796 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:41,297 - root - INFO - [chat.py:388] - Successfully saved 19821 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:41,386 - root - INFO - [chat.py:388] - Successfully saved 19848 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:41,475 - root - INFO - [chat.py:388] - Successfully saved 19875 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:41,563 - root - INFO - [chat.py:388] - Successfully saved 19902 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:41,651 - root - INFO - [chat.py:388] - Successfully saved 19931 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:41,743 - root - INFO - [chat.py:388] - Successfully saved 19959 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:41,831 - root - INFO - [chat.py:388] - Successfully saved 19986 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:41,923 - root - INFO - [chat.py:388] - Successfully saved 20015 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:42,012 - root - INFO - [chat.py:388] - Successfully saved 20044 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:42,115 - root - INFO - [chat.py:388] - Successfully saved 20071 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:42,212 - root - INFO - [chat.py:388] - Successfully saved 20098 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:42,306 - root - INFO - [chat.py:388] - Successfully saved 20127 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:42,402 - root - INFO - [chat.py:388] - Successfully saved 20154 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:42,495 - root - INFO - [chat.py:388] - Successfully saved 20180 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:42,584 - root - INFO - [chat.py:388] - Successfully saved 20204 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:42,681 - root - INFO - [chat.py:388] - Successfully saved 20225 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:42,783 - root - INFO - [chat.py:388] - Successfully saved 20254 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:42,875 - root - INFO - [chat.py:388] - Successfully saved 20283 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:42,966 - root - INFO - [chat.py:388] - Successfully saved 20310 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:43,061 - root - INFO - [chat.py:388] - Successfully saved 20339 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:43,153 - root - INFO - [chat.py:388] - Successfully saved 20366 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:43,249 - root - INFO - [chat.py:388] - Successfully saved 20394 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:43,344 - root - INFO - [chat.py:388] - Successfully saved 20423 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:43,439 - root - INFO - [chat.py:388] - Successfully saved 20452 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:43,534 - root - INFO - [chat.py:388] - Successfully saved 20480 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:43,631 - root - INFO - [chat.py:388] - Successfully saved 20507 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:43,729 - root - INFO - [chat.py:388] - Successfully saved 20535 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:43,826 - root - INFO - [chat.py:388] - Successfully saved 20562 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:43,924 - root - INFO - [chat.py:388] - Successfully saved 20591 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:44,018 - root - INFO - [chat.py:388] - Successfully saved 20619 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:44,112 - root - INFO - [chat.py:388] - Successfully saved 20648 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:44,209 - root - INFO - [chat.py:388] - Successfully saved 20677 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:44,303 - root - INFO - [chat.py:388] - Successfully saved 20706 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:44,811 - root - INFO - [chat.py:388] - Successfully saved 20735 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:44,909 - root - INFO - [chat.py:388] - Successfully saved 20760 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:45,006 - root - INFO - [chat.py:388] - Successfully saved 20788 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:45,105 - root - INFO - [chat.py:388] - Successfully saved 20813 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:45,201 - root - INFO - [chat.py:388] - Successfully saved 20842 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:45,308 - root - INFO - [chat.py:388] - Successfully saved 20871 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:45,403 - root - INFO - [chat.py:388] - Successfully saved 20896 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:45,499 - root - INFO - [chat.py:388] - Successfully saved 20925 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:45,595 - root - INFO - [chat.py:388] - Successfully saved 20952 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:45,691 - root - INFO - [chat.py:388] - Successfully saved 20981 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:45,791 - root - INFO - [chat.py:388] - Successfully saved 21010 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:45,893 - root - INFO - [chat.py:388] - Successfully saved 21039 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:45,993 - root - INFO - [chat.py:388] - Successfully saved 21068 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:46,088 - root - INFO - [chat.py:388] - Successfully saved 21097 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:46,185 - root - INFO - [chat.py:388] - Successfully saved 21126 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:46,285 - root - INFO - [chat.py:388] - Successfully saved 21155 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:46,381 - root - INFO - [chat.py:388] - Successfully saved 21184 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:46,479 - root - INFO - [chat.py:388] - Successfully saved 21213 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:46,575 - root - INFO - [chat.py:388] - Successfully saved 21242 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:46,673 - root - INFO - [chat.py:388] - Successfully saved 21271 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:46,778 - root - INFO - [chat.py:388] - Successfully saved 21300 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:46,876 - root - INFO - [chat.py:388] - Successfully saved 21329 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:46,973 - root - INFO - [chat.py:388] - Successfully saved 21358 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:47,072 - root - INFO - [chat.py:388] - Successfully saved 21387 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:47,168 - root - INFO - [chat.py:388] - Successfully saved 21416 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:47,267 - root - INFO - [chat.py:388] - Successfully saved 21445 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:47,365 - root - INFO - [chat.py:388] - Successfully saved 21474 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:47,460 - root - INFO - [chat.py:388] - Successfully saved 21503 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:47,559 - root - INFO - [chat.py:388] - Successfully saved 21532 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:47,657 - root - INFO - [chat.py:388] - Successfully saved 21561 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:47,757 - root - INFO - [chat.py:388] - Successfully saved 21590 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:47,854 - root - INFO - [chat.py:388] - Successfully saved 21619 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:47,955 - root - INFO - [chat.py:388] - Successfully saved 21648 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:48,054 - root - INFO - [chat.py:388] - Successfully saved 21677 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:48,153 - root - INFO - [chat.py:388] - Successfully saved 21706 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:48,252 - root - INFO - [chat.py:388] - Successfully saved 21735 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:48,352 - root - INFO - [chat.py:388] - Successfully saved 21764 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:48,450 - root - INFO - [chat.py:388] - Successfully saved 21793 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:48,549 - root - INFO - [chat.py:388] - Successfully saved 21822 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:48,647 - root - INFO - [chat.py:388] - Successfully saved 21851 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:48,748 - root - INFO - [chat.py:388] - Successfully saved 21880 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:48,848 - root - INFO - [chat.py:388] - Successfully saved 21909 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:48,949 - root - INFO - [chat.py:388] - Successfully saved 21938 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:49,052 - root - INFO - [chat.py:388] - Successfully saved 21967 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:49,152 - root - INFO - [chat.py:388] - Successfully saved 21996 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:49,253 - root - INFO - [chat.py:388] - Successfully saved 22025 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:49,353 - root - INFO - [chat.py:388] - Successfully saved 22054 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:49,452 - root - INFO - [chat.py:388] - Successfully saved 22083 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:49,554 - root - INFO - [chat.py:388] - Successfully saved 22112 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:49,654 - root - INFO - [chat.py:388] - Successfully saved 22141 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:49,756 - root - INFO - [chat.py:388] - Successfully saved 22170 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:49,859 - root - INFO - [chat.py:388] - Successfully saved 22199 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:49,961 - root - INFO - [chat.py:388] - Successfully saved 22228 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:50,062 - root - INFO - [chat.py:388] - Successfully saved 22257 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:50,164 - root - INFO - [chat.py:388] - Successfully saved 22286 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:50,265 - root - INFO - [chat.py:388] - Successfully saved 22315 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:50,366 - root - INFO - [chat.py:388] - Successfully saved 22344 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:50,467 - root - INFO - [chat.py:388] - Successfully saved 22373 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:50,568 - root - INFO - [chat.py:388] - Successfully saved 22402 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:50,669 - root - INFO - [chat.py:388] - Successfully saved 22430 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:50,774 - root - INFO - [chat.py:388] - Successfully saved 22457 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:50,876 - root - INFO - [chat.py:388] - Successfully saved 22485 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:50,976 - root - INFO - [chat.py:388] - Successfully saved 22510 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:51,080 - root - INFO - [chat.py:388] - Successfully saved 22539 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:51,190 - root - INFO - [chat.py:388] - Successfully saved 22568 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:51,296 - root - INFO - [chat.py:388] - Successfully saved 22597 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:51,414 - root - INFO - [chat.py:388] - Successfully saved 22624 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:51,517 - root - INFO - [chat.py:388] - Successfully saved 22652 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:51,621 - root - INFO - [chat.py:388] - Successfully saved 22681 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:51,729 - root - INFO - [chat.py:388] - Successfully saved 22709 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:51,831 - root - INFO - [chat.py:388] - Successfully saved 22735 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:51,938 - root - INFO - [chat.py:388] - Successfully saved 22760 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:52,045 - root - INFO - [chat.py:388] - Successfully saved 22787 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:52,149 - root - INFO - [chat.py:388] - Successfully saved 22816 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:52,257 - root - INFO - [chat.py:388] - Successfully saved 22845 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:52,360 - root - INFO - [chat.py:388] - Successfully saved 22874 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:52,464 - root - INFO - [chat.py:388] - Successfully saved 22903 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:52,569 - root - INFO - [chat.py:388] - Successfully saved 22932 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:52,676 - root - INFO - [chat.py:388] - Successfully saved 22961 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:52,781 - root - INFO - [chat.py:388] - Successfully saved 22990 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:52,889 - root - INFO - [chat.py:388] - Successfully saved 23019 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:52,995 - root - INFO - [chat.py:388] - Successfully saved 23048 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:53,100 - root - INFO - [chat.py:388] - Successfully saved 23077 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:53,204 - root - INFO - [chat.py:388] - Successfully saved 23106 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:53,308 - root - INFO - [chat.py:388] - Successfully saved 23135 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:53,412 - root - INFO - [chat.py:388] - Successfully saved 23164 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:53,516 - root - INFO - [chat.py:388] - Successfully saved 23190 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:53,619 - root - INFO - [chat.py:388] - Successfully saved 23218 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:53,722 - root - INFO - [chat.py:388] - Successfully saved 23247 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:53,827 - root - INFO - [chat.py:388] - Successfully saved 23276 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:53,933 - root - INFO - [chat.py:388] - Successfully saved 23300 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:54,040 - root - INFO - [chat.py:388] - Successfully saved 23320 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:54,145 - root - INFO - [chat.py:388] - Successfully saved 23349 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:54,252 - root - INFO - [chat.py:388] - Successfully saved 23378 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:54,367 - root - INFO - [chat.py:388] - Successfully saved 23407 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:54,473 - root - INFO - [chat.py:388] - Successfully saved 23432 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:54,578 - root - INFO - [chat.py:388] - Successfully saved 23456 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:54,684 - root - INFO - [chat.py:388] - Successfully saved 23481 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:54,792 - root - INFO - [chat.py:388] - Successfully saved 23506 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:54,899 - root - INFO - [chat.py:388] - Successfully saved 23533 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:55,009 - root - INFO - [chat.py:388] - Successfully saved 23562 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:55,122 - root - INFO - [chat.py:388] - Successfully saved 23591 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:55,229 - root - INFO - [chat.py:388] - Successfully saved 23620 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:55,335 - root - INFO - [chat.py:388] - Successfully saved 23642 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:55,442 - root - INFO - [chat.py:388] - Successfully saved 23665 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:55,548 - root - INFO - [chat.py:388] - Successfully saved 23686 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:55,654 - root - INFO - [chat.py:388] - Successfully saved 23708 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:55,765 - root - INFO - [chat.py:388] - Successfully saved 23735 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:55,871 - root - INFO - [chat.py:388] - Successfully saved 23762 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:55,978 - root - INFO - [chat.py:388] - Successfully saved 23782 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:56,089 - root - INFO - [chat.py:388] - Successfully saved 23809 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:56,198 - root - INFO - [chat.py:388] - Successfully saved 23838 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:56,307 - root - INFO - [chat.py:388] - Successfully saved 23867 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:56,413 - root - INFO - [chat.py:388] - Successfully saved 23896 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:56,521 - root - INFO - [chat.py:388] - Successfully saved 23925 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:56,636 - root - INFO - [chat.py:388] - Successfully saved 23952 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:56,754 - root - INFO - [chat.py:388] - Successfully saved 23975 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:56,863 - root - INFO - [chat.py:388] - Successfully saved 24002 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:56,971 - root - INFO - [chat.py:388] - Successfully saved 24031 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:57,080 - root - INFO - [chat.py:388] - Successfully saved 24056 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:57,195 - root - INFO - [chat.py:388] - Successfully saved 24075 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:57,314 - root - INFO - [chat.py:388] - Successfully saved 24095 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:57,425 - root - INFO - [chat.py:388] - Successfully saved 24114 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:57,536 - root - INFO - [chat.py:388] - Successfully saved 24131 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:57,644 - root - INFO - [chat.py:388] - Successfully saved 24149 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:57,762 - root - INFO - [chat.py:388] - Successfully saved 24167 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:57,870 - root - INFO - [chat.py:388] - Successfully saved 24185 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:57,982 - root - INFO - [chat.py:388] - Successfully saved 24203 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:58,094 - root - INFO - [chat.py:388] - Successfully saved 24220 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:58,204 - root - INFO - [chat.py:388] - Successfully saved 24238 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:58,321 - root - INFO - [chat.py:388] - Successfully saved 24255 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:58,430 - root - INFO - [chat.py:388] - Successfully saved 24273 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:58,540 - root - INFO - [chat.py:388] - Successfully saved 24291 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:58,648 - root - INFO - [chat.py:388] - Successfully saved 24308 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:58,764 - root - INFO - [chat.py:388] - Successfully saved 24326 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:58,873 - root - INFO - [chat.py:388] - Successfully saved 24343 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:58,989 - root - INFO - [chat.py:388] - Successfully saved 24361 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:59,098 - root - INFO - [chat.py:388] - Successfully saved 24380 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:59,208 - root - INFO - [chat.py:388] - Successfully saved 24400 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:59,319 - root - INFO - [chat.py:388] - Successfully saved 24420 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:59,428 - root - INFO - [chat.py:388] - Successfully saved 24439 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:59,537 - root - INFO - [chat.py:388] - Successfully saved 24457 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:59,647 - root - INFO - [chat.py:388] - Successfully saved 24474 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:59,760 - root - INFO - [chat.py:388] - Successfully saved 24489 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:59,869 - root - INFO - [chat.py:388] - Successfully saved 24505 unique ICD codes to JSON for hospital 229 -2025-06-07 17:21:59,980 - root - INFO - [chat.py:388] - Successfully saved 24520 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:00,091 - root - INFO - [chat.py:388] - Successfully saved 24538 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:00,203 - root - INFO - [chat.py:388] - Successfully saved 24556 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:00,320 - root - INFO - [chat.py:388] - Successfully saved 24576 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:00,432 - root - INFO - [chat.py:388] - Successfully saved 24599 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:00,544 - root - INFO - [chat.py:388] - Successfully saved 24628 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:00,657 - root - INFO - [chat.py:388] - Successfully saved 24657 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:00,772 - root - INFO - [chat.py:388] - Successfully saved 24686 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:00,884 - root - INFO - [chat.py:388] - Successfully saved 24715 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:00,994 - root - INFO - [chat.py:388] - Successfully saved 24744 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:01,107 - root - INFO - [chat.py:388] - Successfully saved 24773 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:01,220 - root - INFO - [chat.py:388] - Successfully saved 24802 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:01,339 - root - INFO - [chat.py:388] - Successfully saved 24831 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:01,452 - root - INFO - [chat.py:388] - Successfully saved 24859 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:01,565 - root - INFO - [chat.py:388] - Successfully saved 24888 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:01,679 - root - INFO - [chat.py:388] - Successfully saved 24912 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:01,795 - root - INFO - [chat.py:388] - Successfully saved 24932 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:01,910 - root - INFO - [chat.py:388] - Successfully saved 24954 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:02,025 - root - INFO - [chat.py:388] - Successfully saved 24974 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:02,139 - root - INFO - [chat.py:388] - Successfully saved 25001 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:02,267 - root - INFO - [chat.py:388] - Successfully saved 25019 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:02,386 - root - INFO - [chat.py:388] - Successfully saved 25039 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:02,503 - root - INFO - [chat.py:388] - Successfully saved 25059 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:02,624 - root - INFO - [chat.py:388] - Successfully saved 25078 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:02,740 - root - INFO - [chat.py:388] - Successfully saved 25099 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:02,865 - root - INFO - [chat.py:388] - Successfully saved 25117 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:02,985 - root - INFO - [chat.py:388] - Successfully saved 25135 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:03,109 - root - INFO - [chat.py:388] - Successfully saved 25156 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:03,239 - root - INFO - [chat.py:388] - Successfully saved 25175 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:03,371 - root - INFO - [chat.py:388] - Successfully saved 25195 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:03,487 - root - INFO - [chat.py:388] - Successfully saved 25216 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:03,603 - root - INFO - [chat.py:388] - Successfully saved 25234 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:03,720 - root - INFO - [chat.py:388] - Successfully saved 25254 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:03,844 - root - INFO - [chat.py:388] - Successfully saved 25273 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:03,971 - root - INFO - [chat.py:388] - Successfully saved 25291 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:04,097 - root - INFO - [chat.py:388] - Successfully saved 25311 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:04,220 - root - INFO - [chat.py:388] - Successfully saved 25340 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:04,339 - root - INFO - [chat.py:388] - Successfully saved 25369 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:04,464 - root - INFO - [chat.py:388] - Successfully saved 25398 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:04,590 - root - INFO - [chat.py:388] - Successfully saved 25427 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:04,718 - root - INFO - [chat.py:388] - Successfully saved 25456 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:04,841 - root - INFO - [chat.py:388] - Successfully saved 25485 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:04,958 - root - INFO - [chat.py:388] - Successfully saved 25514 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:05,075 - root - INFO - [chat.py:388] - Successfully saved 25543 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:05,191 - root - INFO - [chat.py:388] - Successfully saved 25572 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:05,308 - root - INFO - [chat.py:388] - Successfully saved 25601 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:05,425 - root - INFO - [chat.py:388] - Successfully saved 25630 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:05,543 - root - INFO - [chat.py:388] - Successfully saved 25659 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:05,661 - root - INFO - [chat.py:388] - Successfully saved 25688 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:05,780 - root - INFO - [chat.py:388] - Successfully saved 25717 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:05,898 - root - INFO - [chat.py:388] - Successfully saved 25746 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:06,017 - root - INFO - [chat.py:388] - Successfully saved 25775 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:06,136 - root - INFO - [chat.py:388] - Successfully saved 25804 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:06,259 - root - INFO - [chat.py:388] - Successfully saved 25833 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:06,379 - root - INFO - [chat.py:388] - Successfully saved 25862 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:06,497 - root - INFO - [chat.py:388] - Successfully saved 25891 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:06,615 - root - INFO - [chat.py:388] - Successfully saved 25920 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:06,736 - root - INFO - [chat.py:388] - Successfully saved 25949 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:06,856 - root - INFO - [chat.py:388] - Successfully saved 25978 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:06,976 - root - INFO - [chat.py:388] - Successfully saved 26007 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:07,095 - root - INFO - [chat.py:388] - Successfully saved 26036 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:07,214 - root - INFO - [chat.py:388] - Successfully saved 26065 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:07,336 - root - INFO - [chat.py:388] - Successfully saved 26082 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:07,456 - root - INFO - [chat.py:388] - Successfully saved 26099 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:07,577 - root - INFO - [chat.py:388] - Successfully saved 26117 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:07,696 - root - INFO - [chat.py:388] - Successfully saved 26135 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:07,818 - root - INFO - [chat.py:388] - Successfully saved 26152 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:07,938 - root - INFO - [chat.py:388] - Successfully saved 26171 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:08,062 - root - INFO - [chat.py:388] - Successfully saved 26189 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:08,182 - root - INFO - [chat.py:388] - Successfully saved 26206 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:08,304 - root - INFO - [chat.py:388] - Successfully saved 26225 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:08,425 - root - INFO - [chat.py:388] - Successfully saved 26243 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:08,545 - root - INFO - [chat.py:388] - Successfully saved 26260 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:08,667 - root - INFO - [chat.py:388] - Successfully saved 26279 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:08,792 - root - INFO - [chat.py:388] - Successfully saved 26304 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:08,914 - root - INFO - [chat.py:388] - Successfully saved 26326 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:09,038 - root - INFO - [chat.py:388] - Successfully saved 26348 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:09,159 - root - INFO - [chat.py:388] - Successfully saved 26370 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:09,282 - root - INFO - [chat.py:388] - Successfully saved 26392 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:09,404 - root - INFO - [chat.py:388] - Successfully saved 26414 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:09,534 - root - INFO - [chat.py:388] - Successfully saved 26435 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:09,658 - root - INFO - [chat.py:388] - Successfully saved 26458 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:09,801 - root - INFO - [chat.py:388] - Successfully saved 26483 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:09,942 - root - INFO - [chat.py:388] - Successfully saved 26507 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:10,073 - root - INFO - [chat.py:388] - Successfully saved 26531 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:10,204 - root - INFO - [chat.py:388] - Successfully saved 26554 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:10,329 - root - INFO - [chat.py:388] - Successfully saved 26581 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:10,450 - root - INFO - [chat.py:388] - Successfully saved 26610 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:10,571 - root - INFO - [chat.py:388] - Successfully saved 26638 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:10,692 - root - INFO - [chat.py:388] - Successfully saved 26665 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:10,819 - root - INFO - [chat.py:388] - Successfully saved 26694 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:10,941 - root - INFO - [chat.py:388] - Successfully saved 26723 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:11,064 - root - INFO - [chat.py:388] - Successfully saved 26752 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:11,187 - root - INFO - [chat.py:388] - Successfully saved 26781 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:11,312 - root - INFO - [chat.py:388] - Successfully saved 26810 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:11,443 - root - INFO - [chat.py:388] - Successfully saved 26839 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:11,565 - root - INFO - [chat.py:388] - Successfully saved 26868 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:11,689 - root - INFO - [chat.py:388] - Successfully saved 26897 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:11,817 - root - INFO - [chat.py:388] - Successfully saved 26926 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:11,940 - root - INFO - [chat.py:388] - Successfully saved 26955 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:12,064 - root - INFO - [chat.py:388] - Successfully saved 26984 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:12,187 - root - INFO - [chat.py:388] - Successfully saved 27013 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:12,316 - root - INFO - [chat.py:388] - Successfully saved 27042 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:12,444 - root - INFO - [chat.py:388] - Successfully saved 27071 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:12,568 - root - INFO - [chat.py:388] - Successfully saved 27099 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:12,693 - root - INFO - [chat.py:388] - Successfully saved 27128 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:12,826 - root - INFO - [chat.py:388] - Successfully saved 27157 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:12,953 - root - INFO - [chat.py:388] - Successfully saved 27186 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:13,081 - root - INFO - [chat.py:388] - Successfully saved 27215 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:13,208 - root - INFO - [chat.py:388] - Successfully saved 27244 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:13,334 - root - INFO - [chat.py:388] - Successfully saved 27273 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:13,457 - root - INFO - [chat.py:388] - Successfully saved 27302 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:13,580 - root - INFO - [chat.py:388] - Successfully saved 27331 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:13,704 - root - INFO - [chat.py:388] - Successfully saved 27360 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:13,832 - root - INFO - [chat.py:388] - Successfully saved 27389 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:13,958 - root - INFO - [chat.py:388] - Successfully saved 27418 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:14,086 - root - INFO - [chat.py:388] - Successfully saved 27447 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:14,211 - root - INFO - [chat.py:388] - Successfully saved 27475 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:14,337 - root - INFO - [chat.py:388] - Successfully saved 27503 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:14,466 - root - INFO - [chat.py:388] - Successfully saved 27523 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:14,591 - root - INFO - [chat.py:388] - Successfully saved 27540 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:14,716 - root - INFO - [chat.py:388] - Successfully saved 27559 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:14,844 - root - INFO - [chat.py:388] - Successfully saved 27576 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:14,970 - root - INFO - [chat.py:388] - Successfully saved 27593 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:15,098 - root - INFO - [chat.py:388] - Successfully saved 27610 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:15,226 - root - INFO - [chat.py:388] - Successfully saved 27627 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:15,355 - root - INFO - [chat.py:388] - Successfully saved 27644 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:15,482 - root - INFO - [chat.py:388] - Successfully saved 27661 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:15,610 - root - INFO - [chat.py:388] - Successfully saved 27682 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:15,738 - root - INFO - [chat.py:388] - Successfully saved 27711 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:15,869 - root - INFO - [chat.py:388] - Successfully saved 27738 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:16,003 - root - INFO - [chat.py:388] - Successfully saved 27760 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:16,136 - root - INFO - [chat.py:388] - Successfully saved 27778 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:16,265 - root - INFO - [chat.py:388] - Successfully saved 27795 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:16,396 - root - INFO - [chat.py:388] - Successfully saved 27812 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:16,526 - root - INFO - [chat.py:388] - Successfully saved 27829 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:16,656 - root - INFO - [chat.py:388] - Successfully saved 27846 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:16,785 - root - INFO - [chat.py:388] - Successfully saved 27863 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:16,917 - root - INFO - [chat.py:388] - Successfully saved 27881 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:17,046 - root - INFO - [chat.py:388] - Successfully saved 27905 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:17,174 - root - INFO - [chat.py:388] - Successfully saved 27934 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:17,305 - root - INFO - [chat.py:388] - Successfully saved 27962 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:17,434 - root - INFO - [chat.py:388] - Successfully saved 27983 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:17,567 - root - INFO - [chat.py:388] - Successfully saved 28005 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:17,696 - root - INFO - [chat.py:388] - Successfully saved 28028 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:17,827 - root - INFO - [chat.py:388] - Successfully saved 28050 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:17,957 - root - INFO - [chat.py:388] - Successfully saved 28072 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:18,090 - root - INFO - [chat.py:388] - Successfully saved 28094 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:18,222 - root - INFO - [chat.py:388] - Successfully saved 28116 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:18,359 - root - INFO - [chat.py:388] - Successfully saved 28139 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:18,489 - root - INFO - [chat.py:388] - Successfully saved 28163 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:18,618 - root - INFO - [chat.py:388] - Successfully saved 28187 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:18,748 - root - INFO - [chat.py:388] - Successfully saved 28211 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:18,891 - root - INFO - [chat.py:388] - Successfully saved 28238 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:19,023 - root - INFO - [chat.py:388] - Successfully saved 28267 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:19,153 - root - INFO - [chat.py:388] - Successfully saved 28290 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:19,285 - root - INFO - [chat.py:388] - Successfully saved 28314 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:19,417 - root - INFO - [chat.py:388] - Successfully saved 28340 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:19,548 - root - INFO - [chat.py:388] - Successfully saved 28360 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:19,678 - root - INFO - [chat.py:388] - Successfully saved 28380 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:19,819 - root - INFO - [chat.py:388] - Successfully saved 28401 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:19,950 - root - INFO - [chat.py:388] - Successfully saved 28420 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:20,088 - root - INFO - [chat.py:388] - Successfully saved 28438 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:20,224 - root - INFO - [chat.py:388] - Successfully saved 28456 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:20,363 - root - INFO - [chat.py:388] - Successfully saved 28474 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:20,500 - root - INFO - [chat.py:388] - Successfully saved 28493 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:20,635 - root - INFO - [chat.py:388] - Successfully saved 28515 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:20,769 - root - INFO - [chat.py:388] - Successfully saved 28533 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:20,903 - root - INFO - [chat.py:388] - Successfully saved 28551 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:21,037 - root - INFO - [chat.py:388] - Successfully saved 28571 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:21,175 - root - INFO - [chat.py:388] - Successfully saved 28592 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:21,317 - root - INFO - [chat.py:388] - Successfully saved 28613 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:21,455 - root - INFO - [chat.py:388] - Successfully saved 28635 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:21,584 - root - INFO - [chat.py:388] - Successfully saved 28659 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:21,716 - root - INFO - [chat.py:388] - Successfully saved 28685 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:21,849 - root - INFO - [chat.py:388] - Successfully saved 28712 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:21,980 - root - INFO - [chat.py:388] - Successfully saved 28737 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:22,113 - root - INFO - [chat.py:388] - Successfully saved 28758 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:22,248 - root - INFO - [chat.py:388] - Successfully saved 28780 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:22,381 - root - INFO - [chat.py:388] - Successfully saved 28801 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:22,514 - root - INFO - [chat.py:388] - Successfully saved 28826 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:22,646 - root - INFO - [chat.py:388] - Successfully saved 28855 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:22,780 - root - INFO - [chat.py:388] - Successfully saved 28884 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:22,911 - root - INFO - [chat.py:388] - Successfully saved 28913 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:23,044 - root - INFO - [chat.py:388] - Successfully saved 28942 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:23,179 - root - INFO - [chat.py:388] - Successfully saved 28971 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:23,314 - root - INFO - [chat.py:388] - Successfully saved 29000 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:23,446 - root - INFO - [chat.py:388] - Successfully saved 29029 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:23,578 - root - INFO - [chat.py:388] - Successfully saved 29058 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:23,711 - root - INFO - [chat.py:388] - Successfully saved 29087 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:23,848 - root - INFO - [chat.py:388] - Successfully saved 29116 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:23,983 - root - INFO - [chat.py:388] - Successfully saved 29145 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:24,116 - root - INFO - [chat.py:388] - Successfully saved 29170 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:24,249 - root - INFO - [chat.py:388] - Successfully saved 29194 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:24,382 - root - INFO - [chat.py:388] - Successfully saved 29223 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:24,515 - root - INFO - [chat.py:388] - Successfully saved 29252 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:24,654 - root - INFO - [chat.py:388] - Successfully saved 29281 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:24,824 - root - INFO - [chat.py:388] - Successfully saved 29310 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:25,000 - root - INFO - [chat.py:388] - Successfully saved 29339 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:25,179 - root - INFO - [chat.py:388] - Successfully saved 29368 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:25,326 - root - INFO - [chat.py:388] - Successfully saved 29397 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:25,472 - root - INFO - [chat.py:388] - Successfully saved 29426 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:25,608 - root - INFO - [chat.py:388] - Successfully saved 29455 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:25,745 - root - INFO - [chat.py:388] - Successfully saved 29484 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:25,893 - root - INFO - [chat.py:388] - Successfully saved 29513 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:26,030 - root - INFO - [chat.py:388] - Successfully saved 29542 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:26,170 - root - INFO - [chat.py:388] - Successfully saved 29571 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:26,316 - root - INFO - [chat.py:388] - Successfully saved 29600 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:26,450 - root - INFO - [chat.py:388] - Successfully saved 29629 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:26,588 - root - INFO - [chat.py:388] - Successfully saved 29658 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:26,727 - root - INFO - [chat.py:388] - Successfully saved 29687 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:26,868 - root - INFO - [chat.py:388] - Successfully saved 29716 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:27,004 - root - INFO - [chat.py:388] - Successfully saved 29745 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:27,145 - root - INFO - [chat.py:388] - Successfully saved 29774 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:27,287 - root - INFO - [chat.py:388] - Successfully saved 29803 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:27,426 - root - INFO - [chat.py:388] - Successfully saved 29832 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:27,573 - root - INFO - [chat.py:388] - Successfully saved 29861 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:27,711 - root - INFO - [chat.py:388] - Successfully saved 29890 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:27,853 - root - INFO - [chat.py:388] - Successfully saved 29919 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:27,995 - root - INFO - [chat.py:388] - Successfully saved 29948 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:28,136 - root - INFO - [chat.py:388] - Successfully saved 29977 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:28,273 - root - INFO - [chat.py:388] - Successfully saved 30006 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:28,414 - root - INFO - [chat.py:388] - Successfully saved 30035 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:28,555 - root - INFO - [chat.py:388] - Successfully saved 30064 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:28,697 - root - INFO - [chat.py:388] - Successfully saved 30093 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:28,852 - root - INFO - [chat.py:388] - Successfully saved 30121 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:28,993 - root - INFO - [chat.py:388] - Successfully saved 30143 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:29,134 - root - INFO - [chat.py:388] - Successfully saved 30163 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:29,272 - root - INFO - [chat.py:388] - Successfully saved 30183 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:29,414 - root - INFO - [chat.py:388] - Successfully saved 30203 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:29,554 - root - INFO - [chat.py:388] - Successfully saved 30226 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:29,693 - root - INFO - [chat.py:388] - Successfully saved 30247 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:29,837 - root - INFO - [chat.py:388] - Successfully saved 30268 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:29,981 - root - INFO - [chat.py:388] - Successfully saved 30289 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:30,124 - root - INFO - [chat.py:388] - Successfully saved 30309 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:30,267 - root - INFO - [chat.py:388] - Successfully saved 30329 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:30,413 - root - INFO - [chat.py:388] - Successfully saved 30349 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:30,556 - root - INFO - [chat.py:388] - Successfully saved 30369 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:30,708 - root - INFO - [chat.py:388] - Successfully saved 30389 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:30,854 - root - INFO - [chat.py:388] - Successfully saved 30409 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:31,001 - root - INFO - [chat.py:388] - Successfully saved 30429 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:31,154 - root - INFO - [chat.py:388] - Successfully saved 30448 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:31,314 - root - INFO - [chat.py:388] - Successfully saved 30466 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:31,463 - root - INFO - [chat.py:388] - Successfully saved 30486 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:31,617 - root - INFO - [chat.py:388] - Successfully saved 30506 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:31,771 - root - INFO - [chat.py:388] - Successfully saved 30526 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:31,924 - root - INFO - [chat.py:388] - Successfully saved 30547 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:32,091 - root - INFO - [chat.py:388] - Successfully saved 30566 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:32,254 - root - INFO - [chat.py:388] - Successfully saved 30584 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:32,412 - root - INFO - [chat.py:388] - Successfully saved 30603 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:32,579 - root - INFO - [chat.py:388] - Successfully saved 30622 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:32,735 - root - INFO - [chat.py:388] - Successfully saved 30640 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:32,879 - root - INFO - [chat.py:388] - Successfully saved 30661 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:33,027 - root - INFO - [chat.py:388] - Successfully saved 30682 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:33,173 - root - INFO - [chat.py:388] - Successfully saved 30702 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:33,322 - root - INFO - [chat.py:388] - Successfully saved 30721 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:33,466 - root - INFO - [chat.py:388] - Successfully saved 30741 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:33,613 - root - INFO - [chat.py:388] - Successfully saved 30760 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:33,759 - root - INFO - [chat.py:388] - Successfully saved 30780 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:33,908 - root - INFO - [chat.py:388] - Successfully saved 30801 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:34,057 - root - INFO - [chat.py:388] - Successfully saved 30820 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:34,204 - root - INFO - [chat.py:388] - Successfully saved 30840 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:34,348 - root - INFO - [chat.py:388] - Successfully saved 30860 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:34,490 - root - INFO - [chat.py:388] - Successfully saved 30880 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:34,637 - root - INFO - [chat.py:388] - Successfully saved 30898 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:34,781 - root - INFO - [chat.py:388] - Successfully saved 30918 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:34,929 - root - INFO - [chat.py:388] - Successfully saved 30936 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:35,073 - root - INFO - [chat.py:388] - Successfully saved 30956 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:35,217 - root - INFO - [chat.py:388] - Successfully saved 30976 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:35,361 - root - INFO - [chat.py:388] - Successfully saved 30995 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:35,505 - root - INFO - [chat.py:388] - Successfully saved 31013 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:35,647 - root - INFO - [chat.py:388] - Successfully saved 31031 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:35,789 - root - INFO - [chat.py:388] - Successfully saved 31051 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:35,935 - root - INFO - [chat.py:388] - Successfully saved 31069 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:36,079 - root - INFO - [chat.py:388] - Successfully saved 31091 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:36,224 - root - INFO - [chat.py:388] - Successfully saved 31112 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:36,372 - root - INFO - [chat.py:388] - Successfully saved 31131 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:36,514 - root - INFO - [chat.py:388] - Successfully saved 31148 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:36,658 - root - INFO - [chat.py:388] - Successfully saved 31165 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:36,803 - root - INFO - [chat.py:388] - Successfully saved 31182 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:36,947 - root - INFO - [chat.py:388] - Successfully saved 31199 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:37,092 - root - INFO - [chat.py:388] - Successfully saved 31217 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:37,236 - root - INFO - [chat.py:388] - Successfully saved 31235 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:37,381 - root - INFO - [chat.py:388] - Successfully saved 31253 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:37,525 - root - INFO - [chat.py:388] - Successfully saved 31271 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:37,669 - root - INFO - [chat.py:388] - Successfully saved 31289 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:37,814 - root - INFO - [chat.py:388] - Successfully saved 31307 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:37,957 - root - INFO - [chat.py:388] - Successfully saved 31327 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:38,106 - root - INFO - [chat.py:388] - Successfully saved 31347 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:38,250 - root - INFO - [chat.py:388] - Successfully saved 31367 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:38,395 - root - INFO - [chat.py:388] - Successfully saved 31387 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:38,544 - root - INFO - [chat.py:388] - Successfully saved 31407 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:38,694 - root - INFO - [chat.py:388] - Successfully saved 31428 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:38,850 - root - INFO - [chat.py:388] - Successfully saved 31448 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:39,000 - root - INFO - [chat.py:388] - Successfully saved 31468 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:39,149 - root - INFO - [chat.py:388] - Successfully saved 31488 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:39,301 - root - INFO - [chat.py:388] - Successfully saved 31508 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:39,449 - root - INFO - [chat.py:388] - Successfully saved 31534 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:39,595 - root - INFO - [chat.py:388] - Successfully saved 31563 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:39,743 - root - INFO - [chat.py:388] - Successfully saved 31592 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:39,894 - root - INFO - [chat.py:388] - Successfully saved 31621 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:40,044 - root - INFO - [chat.py:388] - Successfully saved 31646 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:40,194 - root - INFO - [chat.py:388] - Successfully saved 31675 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:40,346 - root - INFO - [chat.py:388] - Successfully saved 31704 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:40,494 - root - INFO - [chat.py:388] - Successfully saved 31733 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:40,642 - root - INFO - [chat.py:388] - Successfully saved 31762 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:40,790 - root - INFO - [chat.py:388] - Successfully saved 31791 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:40,943 - root - INFO - [chat.py:388] - Successfully saved 31820 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:41,093 - root - INFO - [chat.py:388] - Successfully saved 31849 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:41,240 - root - INFO - [chat.py:388] - Successfully saved 31878 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:41,392 - root - INFO - [chat.py:388] - Successfully saved 31904 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:41,539 - root - INFO - [chat.py:388] - Successfully saved 31932 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:41,689 - root - INFO - [chat.py:388] - Successfully saved 31961 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:41,845 - root - INFO - [chat.py:388] - Successfully saved 31990 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:41,998 - root - INFO - [chat.py:388] - Successfully saved 32014 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:42,152 - root - INFO - [chat.py:388] - Successfully saved 32034 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:42,306 - root - INFO - [chat.py:388] - Successfully saved 32052 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:42,462 - root - INFO - [chat.py:388] - Successfully saved 32070 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:42,615 - root - INFO - [chat.py:388] - Successfully saved 32088 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:42,767 - root - INFO - [chat.py:388] - Successfully saved 32111 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:42,921 - root - INFO - [chat.py:388] - Successfully saved 32133 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:43,071 - root - INFO - [chat.py:388] - Successfully saved 32156 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:43,221 - root - INFO - [chat.py:388] - Successfully saved 32179 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:43,378 - root - INFO - [chat.py:388] - Successfully saved 32203 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:43,530 - root - INFO - [chat.py:388] - Successfully saved 32230 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:43,680 - root - INFO - [chat.py:388] - Successfully saved 32248 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:43,834 - root - INFO - [chat.py:388] - Successfully saved 32265 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:43,982 - root - INFO - [chat.py:388] - Successfully saved 32282 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:44,134 - root - INFO - [chat.py:388] - Successfully saved 32300 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:44,285 - root - INFO - [chat.py:388] - Successfully saved 32328 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:44,437 - root - INFO - [chat.py:388] - Successfully saved 32350 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:44,590 - root - INFO - [chat.py:388] - Successfully saved 32369 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:44,742 - root - INFO - [chat.py:388] - Successfully saved 32387 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:44,898 - root - INFO - [chat.py:388] - Successfully saved 32405 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:45,050 - root - INFO - [chat.py:388] - Successfully saved 32423 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:45,201 - root - INFO - [chat.py:388] - Successfully saved 32441 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:45,351 - root - INFO - [chat.py:388] - Successfully saved 32460 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:45,500 - root - INFO - [chat.py:388] - Successfully saved 32478 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:45,651 - root - INFO - [chat.py:388] - Successfully saved 32496 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:45,804 - root - INFO - [chat.py:388] - Successfully saved 32514 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:45,959 - root - INFO - [chat.py:388] - Successfully saved 32532 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:46,116 - root - INFO - [chat.py:388] - Successfully saved 32550 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:46,267 - root - INFO - [chat.py:388] - Successfully saved 32569 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:46,419 - root - INFO - [chat.py:388] - Successfully saved 32593 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:46,571 - root - INFO - [chat.py:388] - Successfully saved 32622 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:46,728 - root - INFO - [chat.py:388] - Successfully saved 32651 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:46,882 - root - INFO - [chat.py:388] - Successfully saved 32680 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:47,035 - root - INFO - [chat.py:388] - Successfully saved 32709 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:47,190 - root - INFO - [chat.py:388] - Successfully saved 32738 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:47,350 - root - INFO - [chat.py:388] - Successfully saved 32767 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:47,508 - root - INFO - [chat.py:388] - Successfully saved 32796 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:47,667 - root - INFO - [chat.py:388] - Successfully saved 32825 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:47,828 - root - INFO - [chat.py:388] - Successfully saved 32852 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:47,983 - root - INFO - [chat.py:388] - Successfully saved 32870 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:48,149 - root - INFO - [chat.py:388] - Successfully saved 32888 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:48,306 - root - INFO - [chat.py:388] - Successfully saved 32909 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:48,461 - root - INFO - [chat.py:388] - Successfully saved 32927 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:48,621 - root - INFO - [chat.py:388] - Successfully saved 32945 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:48,788 - root - INFO - [chat.py:388] - Successfully saved 32963 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:48,948 - root - INFO - [chat.py:388] - Successfully saved 32980 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:49,106 - root - INFO - [chat.py:388] - Successfully saved 32997 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:49,260 - root - INFO - [chat.py:388] - Successfully saved 33014 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:49,430 - root - INFO - [chat.py:388] - Successfully saved 33032 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:49,583 - root - INFO - [chat.py:388] - Successfully saved 33050 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:49,739 - root - INFO - [chat.py:388] - Successfully saved 33067 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:49,895 - root - INFO - [chat.py:388] - Successfully saved 33085 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:50,053 - root - INFO - [chat.py:388] - Successfully saved 33103 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:50,211 - root - INFO - [chat.py:388] - Successfully saved 33121 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:50,371 - root - INFO - [chat.py:388] - Successfully saved 33140 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:50,526 - root - INFO - [chat.py:388] - Successfully saved 33158 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:50,681 - root - INFO - [chat.py:388] - Successfully saved 33176 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:50,839 - root - INFO - [chat.py:388] - Successfully saved 33194 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:50,994 - root - INFO - [chat.py:388] - Successfully saved 33212 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:51,151 - root - INFO - [chat.py:388] - Successfully saved 33231 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:51,303 - root - INFO - [chat.py:388] - Successfully saved 33250 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:51,460 - root - INFO - [chat.py:388] - Successfully saved 33269 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:51,613 - root - INFO - [chat.py:388] - Successfully saved 33287 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:51,768 - root - INFO - [chat.py:388] - Successfully saved 33307 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:51,924 - root - INFO - [chat.py:388] - Successfully saved 33327 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:52,081 - root - INFO - [chat.py:388] - Successfully saved 33346 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:52,244 - root - INFO - [chat.py:388] - Successfully saved 33366 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:52,401 - root - INFO - [chat.py:388] - Successfully saved 33384 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:52,592 - root - INFO - [chat.py:388] - Successfully saved 33402 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:52,755 - root - INFO - [chat.py:388] - Successfully saved 33420 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:52,915 - root - INFO - [chat.py:388] - Successfully saved 33439 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:53,071 - root - INFO - [chat.py:388] - Successfully saved 33457 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:53,233 - root - INFO - [chat.py:388] - Successfully saved 33476 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:53,393 - root - INFO - [chat.py:388] - Successfully saved 33495 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:53,548 - root - INFO - [chat.py:388] - Successfully saved 33513 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:53,718 - root - INFO - [chat.py:388] - Successfully saved 33531 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:53,878 - root - INFO - [chat.py:388] - Successfully saved 33549 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:54,034 - root - INFO - [chat.py:388] - Successfully saved 33567 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:54,191 - root - INFO - [chat.py:388] - Successfully saved 33585 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:54,346 - root - INFO - [chat.py:388] - Successfully saved 33604 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:54,511 - root - INFO - [chat.py:388] - Successfully saved 33626 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:54,685 - root - INFO - [chat.py:388] - Successfully saved 33644 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:54,871 - root - INFO - [chat.py:388] - Successfully saved 33662 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:55,037 - root - INFO - [chat.py:388] - Successfully saved 33680 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:55,215 - root - INFO - [chat.py:388] - Successfully saved 33698 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:55,385 - root - INFO - [chat.py:388] - Successfully saved 33716 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:55,546 - root - INFO - [chat.py:388] - Successfully saved 33736 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:55,703 - root - INFO - [chat.py:388] - Successfully saved 33754 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:55,863 - root - INFO - [chat.py:388] - Successfully saved 33772 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:56,021 - root - INFO - [chat.py:388] - Successfully saved 33790 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:56,181 - root - INFO - [chat.py:388] - Successfully saved 33808 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:56,345 - root - INFO - [chat.py:388] - Successfully saved 33826 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:56,503 - root - INFO - [chat.py:388] - Successfully saved 33844 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:56,665 - root - INFO - [chat.py:388] - Successfully saved 33863 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:56,822 - root - INFO - [chat.py:388] - Successfully saved 33881 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:56,985 - root - INFO - [chat.py:388] - Successfully saved 33899 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:57,144 - root - INFO - [chat.py:388] - Successfully saved 33917 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:57,301 - root - INFO - [chat.py:388] - Successfully saved 33935 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:57,458 - root - INFO - [chat.py:388] - Successfully saved 33953 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:57,616 - root - INFO - [chat.py:388] - Successfully saved 33971 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:57,778 - root - INFO - [chat.py:388] - Successfully saved 33989 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:57,942 - root - INFO - [chat.py:388] - Successfully saved 34007 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:58,102 - root - INFO - [chat.py:388] - Successfully saved 34025 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:58,261 - root - INFO - [chat.py:388] - Successfully saved 34043 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:58,424 - root - INFO - [chat.py:388] - Successfully saved 34061 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:58,583 - root - INFO - [chat.py:388] - Successfully saved 34079 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:58,742 - root - INFO - [chat.py:388] - Successfully saved 34097 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:58,904 - root - INFO - [chat.py:388] - Successfully saved 34118 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:59,063 - root - INFO - [chat.py:388] - Successfully saved 34139 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:59,223 - root - INFO - [chat.py:388] - Successfully saved 34159 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:59,387 - root - INFO - [chat.py:388] - Successfully saved 34183 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:59,550 - root - INFO - [chat.py:388] - Successfully saved 34205 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:59,732 - root - INFO - [chat.py:388] - Successfully saved 34225 unique ICD codes to JSON for hospital 229 -2025-06-07 17:22:59,918 - root - INFO - [chat.py:388] - Successfully saved 34244 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:00,090 - root - INFO - [chat.py:388] - Successfully saved 34263 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:00,251 - root - INFO - [chat.py:388] - Successfully saved 34282 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:00,415 - root - INFO - [chat.py:388] - Successfully saved 34300 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:00,577 - root - INFO - [chat.py:388] - Successfully saved 34320 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:00,740 - root - INFO - [chat.py:388] - Successfully saved 34338 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:00,906 - root - INFO - [chat.py:388] - Successfully saved 34356 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:01,071 - root - INFO - [chat.py:388] - Successfully saved 34374 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:01,231 - root - INFO - [chat.py:388] - Successfully saved 34392 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:01,395 - root - INFO - [chat.py:388] - Successfully saved 34411 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:01,564 - root - INFO - [chat.py:388] - Successfully saved 34429 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:01,725 - root - INFO - [chat.py:388] - Successfully saved 34447 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:01,888 - root - INFO - [chat.py:388] - Successfully saved 34465 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:02,051 - root - INFO - [chat.py:388] - Successfully saved 34483 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:02,213 - root - INFO - [chat.py:388] - Successfully saved 34501 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:02,376 - root - INFO - [chat.py:388] - Successfully saved 34519 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:02,536 - root - INFO - [chat.py:388] - Successfully saved 34537 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:02,698 - root - INFO - [chat.py:388] - Successfully saved 34555 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:02,860 - root - INFO - [chat.py:388] - Successfully saved 34573 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:03,025 - root - INFO - [chat.py:388] - Successfully saved 34591 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:03,187 - root - INFO - [chat.py:388] - Successfully saved 34609 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:03,351 - root - INFO - [chat.py:388] - Successfully saved 34627 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:03,512 - root - INFO - [chat.py:388] - Successfully saved 34645 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:03,674 - root - INFO - [chat.py:388] - Successfully saved 34663 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:03,853 - root - INFO - [chat.py:388] - Successfully saved 34681 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:04,034 - root - INFO - [chat.py:388] - Successfully saved 34699 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:04,210 - root - INFO - [chat.py:388] - Successfully saved 34717 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:04,374 - root - INFO - [chat.py:388] - Successfully saved 34735 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:04,546 - root - INFO - [chat.py:388] - Successfully saved 34753 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:04,727 - root - INFO - [chat.py:388] - Successfully saved 34771 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:04,952 - root - INFO - [chat.py:388] - Successfully saved 34789 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:05,124 - root - INFO - [chat.py:388] - Successfully saved 34809 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:05,290 - root - INFO - [chat.py:388] - Successfully saved 34830 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:05,456 - root - INFO - [chat.py:388] - Successfully saved 34850 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:05,696 - root - INFO - [chat.py:388] - Successfully saved 34874 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:05,862 - root - INFO - [chat.py:388] - Successfully saved 34894 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:06,027 - root - INFO - [chat.py:388] - Successfully saved 34912 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:06,424 - root - INFO - [chat.py:388] - Successfully saved 34930 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:06,590 - root - INFO - [chat.py:388] - Successfully saved 34948 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:06,753 - root - INFO - [chat.py:388] - Successfully saved 34966 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:06,931 - root - INFO - [chat.py:388] - Successfully saved 34984 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:07,103 - root - INFO - [chat.py:388] - Successfully saved 35004 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:07,270 - root - INFO - [chat.py:388] - Successfully saved 35022 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:07,438 - root - INFO - [chat.py:388] - Successfully saved 35040 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:07,602 - root - INFO - [chat.py:388] - Successfully saved 35058 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:07,844 - root - INFO - [chat.py:388] - Successfully saved 35076 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:08,012 - root - INFO - [chat.py:388] - Successfully saved 35097 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:08,177 - root - INFO - [chat.py:388] - Successfully saved 35119 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:08,343 - root - INFO - [chat.py:388] - Successfully saved 35139 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:08,509 - root - INFO - [chat.py:388] - Successfully saved 35160 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:08,676 - root - INFO - [chat.py:388] - Successfully saved 35182 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:08,853 - root - INFO - [chat.py:388] - Successfully saved 35201 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:09,045 - root - INFO - [chat.py:388] - Successfully saved 35219 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:09,218 - root - INFO - [chat.py:388] - Successfully saved 35237 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:09,394 - root - INFO - [chat.py:388] - Successfully saved 35257 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:09,565 - root - INFO - [chat.py:388] - Successfully saved 35279 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:09,730 - root - INFO - [chat.py:388] - Successfully saved 35297 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:09,900 - root - INFO - [chat.py:388] - Successfully saved 35315 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:10,070 - root - INFO - [chat.py:388] - Successfully saved 35333 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:10,241 - root - INFO - [chat.py:388] - Successfully saved 35351 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:10,414 - root - INFO - [chat.py:388] - Successfully saved 35369 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:10,581 - root - INFO - [chat.py:388] - Successfully saved 35388 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:10,746 - root - INFO - [chat.py:388] - Successfully saved 35407 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:10,934 - root - INFO - [chat.py:388] - Successfully saved 35425 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:11,106 - root - INFO - [chat.py:388] - Successfully saved 35443 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:11,273 - root - INFO - [chat.py:388] - Successfully saved 35461 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:11,440 - root - INFO - [chat.py:388] - Successfully saved 35479 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:11,608 - root - INFO - [chat.py:388] - Successfully saved 35497 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:11,773 - root - INFO - [chat.py:388] - Successfully saved 35516 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:11,941 - root - INFO - [chat.py:388] - Successfully saved 35534 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:12,111 - root - INFO - [chat.py:388] - Successfully saved 35556 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:12,279 - root - INFO - [chat.py:388] - Successfully saved 35575 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:12,447 - root - INFO - [chat.py:388] - Successfully saved 35593 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:12,616 - root - INFO - [chat.py:388] - Successfully saved 35611 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:12,783 - root - INFO - [chat.py:388] - Successfully saved 35632 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:12,960 - root - INFO - [chat.py:388] - Successfully saved 35654 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:13,130 - root - INFO - [chat.py:388] - Successfully saved 35683 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:13,298 - root - INFO - [chat.py:388] - Successfully saved 35712 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:13,472 - root - INFO - [chat.py:388] - Successfully saved 35741 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:13,639 - root - INFO - [chat.py:388] - Successfully saved 35770 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:13,809 - root - INFO - [chat.py:388] - Successfully saved 35799 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:13,979 - root - INFO - [chat.py:388] - Successfully saved 35828 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:14,149 - root - INFO - [chat.py:388] - Successfully saved 35857 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:14,318 - root - INFO - [chat.py:388] - Successfully saved 35886 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:14,490 - root - INFO - [chat.py:388] - Successfully saved 35915 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:14,658 - root - INFO - [chat.py:388] - Successfully saved 35944 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:14,828 - root - INFO - [chat.py:388] - Successfully saved 35973 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:15,002 - root - INFO - [chat.py:388] - Successfully saved 36002 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:15,177 - root - INFO - [chat.py:388] - Successfully saved 36031 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:15,348 - root - INFO - [chat.py:388] - Successfully saved 36059 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:15,521 - root - INFO - [chat.py:388] - Successfully saved 36084 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:15,690 - root - INFO - [chat.py:388] - Successfully saved 36105 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:15,859 - root - INFO - [chat.py:388] - Successfully saved 36126 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:16,032 - root - INFO - [chat.py:388] - Successfully saved 36144 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:16,203 - root - INFO - [chat.py:388] - Successfully saved 36162 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:16,378 - root - INFO - [chat.py:388] - Successfully saved 36184 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:16,546 - root - INFO - [chat.py:388] - Successfully saved 36204 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:16,717 - root - INFO - [chat.py:388] - Successfully saved 36224 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:16,887 - root - INFO - [chat.py:388] - Successfully saved 36244 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:17,058 - root - INFO - [chat.py:388] - Successfully saved 36265 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:17,230 - root - INFO - [chat.py:388] - Successfully saved 36283 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:17,402 - root - INFO - [chat.py:388] - Successfully saved 36300 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:17,569 - root - INFO - [chat.py:388] - Successfully saved 36317 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:17,738 - root - INFO - [chat.py:388] - Successfully saved 36334 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:17,909 - root - INFO - [chat.py:388] - Successfully saved 36353 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:18,080 - root - INFO - [chat.py:388] - Successfully saved 36372 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:18,251 - root - INFO - [chat.py:388] - Successfully saved 36392 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:18,424 - root - INFO - [chat.py:388] - Successfully saved 36410 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:18,593 - root - INFO - [chat.py:388] - Successfully saved 36428 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:18,764 - root - INFO - [chat.py:388] - Successfully saved 36448 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:18,936 - root - INFO - [chat.py:388] - Successfully saved 36469 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:19,109 - root - INFO - [chat.py:388] - Successfully saved 36491 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:19,280 - root - INFO - [chat.py:388] - Successfully saved 36510 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:19,455 - root - INFO - [chat.py:388] - Successfully saved 36530 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:19,626 - root - INFO - [chat.py:388] - Successfully saved 36559 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:19,802 - root - INFO - [chat.py:388] - Successfully saved 36583 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:19,978 - root - INFO - [chat.py:388] - Successfully saved 36607 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:20,154 - root - INFO - [chat.py:388] - Successfully saved 36625 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:20,327 - root - INFO - [chat.py:388] - Successfully saved 36643 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:20,502 - root - INFO - [chat.py:388] - Successfully saved 36661 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:20,675 - root - INFO - [chat.py:388] - Successfully saved 36679 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:20,848 - root - INFO - [chat.py:388] - Successfully saved 36698 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:21,035 - root - INFO - [chat.py:388] - Successfully saved 36716 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:21,227 - root - INFO - [chat.py:388] - Successfully saved 36734 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:21,420 - root - INFO - [chat.py:388] - Successfully saved 36752 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:21,608 - root - INFO - [chat.py:388] - Successfully saved 36770 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:21,784 - root - INFO - [chat.py:388] - Successfully saved 36788 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:21,961 - root - INFO - [chat.py:388] - Successfully saved 36807 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:22,135 - root - INFO - [chat.py:388] - Successfully saved 36825 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:22,313 - root - INFO - [chat.py:388] - Successfully saved 36843 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:22,486 - root - INFO - [chat.py:388] - Successfully saved 36861 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:22,658 - root - INFO - [chat.py:388] - Successfully saved 36879 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:22,833 - root - INFO - [chat.py:388] - Successfully saved 36897 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:23,008 - root - INFO - [chat.py:388] - Successfully saved 36917 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:23,184 - root - INFO - [chat.py:388] - Successfully saved 36942 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:23,360 - root - INFO - [chat.py:388] - Successfully saved 36971 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:23,541 - root - INFO - [chat.py:388] - Successfully saved 37000 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:23,714 - root - INFO - [chat.py:388] - Successfully saved 37029 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:23,905 - root - INFO - [chat.py:388] - Successfully saved 37058 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:24,082 - root - INFO - [chat.py:388] - Successfully saved 37087 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:24,255 - root - INFO - [chat.py:388] - Successfully saved 37116 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:24,437 - root - INFO - [chat.py:388] - Successfully saved 37145 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:24,618 - root - INFO - [chat.py:388] - Successfully saved 37174 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:24,793 - root - INFO - [chat.py:388] - Successfully saved 37203 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:24,972 - root - INFO - [chat.py:388] - Successfully saved 37232 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:25,155 - root - INFO - [chat.py:388] - Successfully saved 37261 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:25,333 - root - INFO - [chat.py:388] - Successfully saved 37290 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:25,508 - root - INFO - [chat.py:388] - Successfully saved 37319 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:25,683 - root - INFO - [chat.py:388] - Successfully saved 37348 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:25,859 - root - INFO - [chat.py:388] - Successfully saved 37377 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:26,041 - root - INFO - [chat.py:388] - Successfully saved 37406 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:26,216 - root - INFO - [chat.py:388] - Successfully saved 37435 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:26,392 - root - INFO - [chat.py:388] - Successfully saved 37464 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:26,566 - root - INFO - [chat.py:388] - Successfully saved 37493 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:26,743 - root - INFO - [chat.py:388] - Successfully saved 37517 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:26,918 - root - INFO - [chat.py:388] - Successfully saved 37543 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:27,096 - root - INFO - [chat.py:388] - Successfully saved 37569 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:27,275 - root - INFO - [chat.py:388] - Successfully saved 37596 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:27,457 - root - INFO - [chat.py:388] - Successfully saved 37623 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:27,632 - root - INFO - [chat.py:388] - Successfully saved 37647 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:27,813 - root - INFO - [chat.py:388] - Successfully saved 37672 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:27,996 - root - INFO - [chat.py:388] - Successfully saved 37694 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:28,176 - root - INFO - [chat.py:388] - Successfully saved 37715 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:28,356 - root - INFO - [chat.py:388] - Successfully saved 37737 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:28,544 - root - INFO - [chat.py:388] - Successfully saved 37765 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:28,724 - root - INFO - [chat.py:388] - Successfully saved 37794 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:28,912 - root - INFO - [chat.py:388] - Successfully saved 37820 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:29,093 - root - INFO - [chat.py:388] - Successfully saved 37848 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:29,272 - root - INFO - [chat.py:388] - Successfully saved 37872 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:29,457 - root - INFO - [chat.py:388] - Successfully saved 37894 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:29,645 - root - INFO - [chat.py:388] - Successfully saved 37918 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:29,827 - root - INFO - [chat.py:388] - Successfully saved 37947 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:30,017 - root - INFO - [chat.py:388] - Successfully saved 37976 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:30,202 - root - INFO - [chat.py:388] - Successfully saved 38005 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:30,393 - root - INFO - [chat.py:388] - Successfully saved 38034 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:30,575 - root - INFO - [chat.py:388] - Successfully saved 38060 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:30,769 - root - INFO - [chat.py:388] - Successfully saved 38078 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:30,968 - root - INFO - [chat.py:388] - Successfully saved 38096 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:31,171 - root - INFO - [chat.py:388] - Successfully saved 38114 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:31,380 - root - INFO - [chat.py:388] - Successfully saved 38132 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:31,580 - root - INFO - [chat.py:388] - Successfully saved 38150 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:31,782 - root - INFO - [chat.py:388] - Successfully saved 38168 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:32,029 - root - INFO - [chat.py:388] - Successfully saved 38186 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:32,371 - root - INFO - [chat.py:388] - Successfully saved 38204 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:32,628 - root - INFO - [chat.py:388] - Successfully saved 38225 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:32,842 - root - INFO - [chat.py:388] - Successfully saved 38243 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:33,042 - root - INFO - [chat.py:388] - Successfully saved 38261 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:33,228 - root - INFO - [chat.py:388] - Successfully saved 38281 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:33,412 - root - INFO - [chat.py:388] - Successfully saved 38302 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:33,592 - root - INFO - [chat.py:388] - Successfully saved 38320 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:33,775 - root - INFO - [chat.py:388] - Successfully saved 38338 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:33,962 - root - INFO - [chat.py:388] - Successfully saved 38356 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:34,147 - root - INFO - [chat.py:388] - Successfully saved 38374 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:34,334 - root - INFO - [chat.py:388] - Successfully saved 38392 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:34,542 - root - INFO - [chat.py:388] - Successfully saved 38410 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:34,730 - root - INFO - [chat.py:388] - Successfully saved 38428 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:34,922 - root - INFO - [chat.py:388] - Successfully saved 38450 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:35,107 - root - INFO - [chat.py:388] - Successfully saved 38472 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:35,289 - root - INFO - [chat.py:388] - Successfully saved 38490 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:35,478 - root - INFO - [chat.py:388] - Successfully saved 38508 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:35,661 - root - INFO - [chat.py:388] - Successfully saved 38526 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:35,845 - root - INFO - [chat.py:388] - Successfully saved 38544 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:36,034 - root - INFO - [chat.py:388] - Successfully saved 38563 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:36,220 - root - INFO - [chat.py:388] - Successfully saved 38583 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:36,407 - root - INFO - [chat.py:388] - Successfully saved 38610 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:36,588 - root - INFO - [chat.py:388] - Successfully saved 38634 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:36,771 - root - INFO - [chat.py:388] - Successfully saved 38654 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:36,954 - root - INFO - [chat.py:388] - Successfully saved 38672 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:37,147 - root - INFO - [chat.py:388] - Successfully saved 38690 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:37,329 - root - INFO - [chat.py:388] - Successfully saved 38708 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:37,516 - root - INFO - [chat.py:388] - Successfully saved 38726 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:37,698 - root - INFO - [chat.py:388] - Successfully saved 38744 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:37,882 - root - INFO - [chat.py:388] - Successfully saved 38762 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:38,072 - root - INFO - [chat.py:388] - Successfully saved 38782 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:38,258 - root - INFO - [chat.py:388] - Successfully saved 38802 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:38,448 - root - INFO - [chat.py:388] - Successfully saved 38822 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:38,631 - root - INFO - [chat.py:388] - Successfully saved 38843 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:38,816 - root - INFO - [chat.py:388] - Successfully saved 38863 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:39,001 - root - INFO - [chat.py:388] - Successfully saved 38881 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:39,188 - root - INFO - [chat.py:388] - Successfully saved 38899 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:39,374 - root - INFO - [chat.py:388] - Successfully saved 38917 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:39,562 - root - INFO - [chat.py:388] - Successfully saved 38937 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:39,746 - root - INFO - [chat.py:388] - Successfully saved 38955 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:39,938 - root - INFO - [chat.py:388] - Successfully saved 38973 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:40,138 - root - INFO - [chat.py:388] - Successfully saved 38992 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:40,340 - root - INFO - [chat.py:388] - Successfully saved 39011 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:40,530 - root - INFO - [chat.py:388] - Successfully saved 39029 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:40,716 - root - INFO - [chat.py:388] - Successfully saved 39047 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:40,906 - root - INFO - [chat.py:388] - Successfully saved 39067 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:41,098 - root - INFO - [chat.py:388] - Successfully saved 39085 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:41,289 - root - INFO - [chat.py:388] - Successfully saved 39103 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:41,483 - root - INFO - [chat.py:388] - Successfully saved 39121 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:41,679 - root - INFO - [chat.py:388] - Successfully saved 39140 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:41,866 - root - INFO - [chat.py:388] - Successfully saved 39158 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:42,056 - root - INFO - [chat.py:388] - Successfully saved 39176 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:42,252 - root - INFO - [chat.py:388] - Successfully saved 39194 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:42,442 - root - INFO - [chat.py:388] - Successfully saved 39213 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:42,635 - root - INFO - [chat.py:388] - Successfully saved 39231 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:42,819 - root - INFO - [chat.py:388] - Successfully saved 39249 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:43,016 - root - INFO - [chat.py:388] - Successfully saved 39267 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:43,208 - root - INFO - [chat.py:388] - Successfully saved 39287 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:43,394 - root - INFO - [chat.py:388] - Successfully saved 39308 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:43,664 - root - INFO - [chat.py:388] - Successfully saved 39329 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:43,852 - root - INFO - [chat.py:388] - Successfully saved 39351 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:44,041 - root - INFO - [chat.py:388] - Successfully saved 39372 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:44,232 - root - INFO - [chat.py:388] - Successfully saved 39392 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:44,418 - root - INFO - [chat.py:388] - Successfully saved 39412 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:44,609 - root - INFO - [chat.py:388] - Successfully saved 39433 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:44,796 - root - INFO - [chat.py:388] - Successfully saved 39453 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:44,985 - root - INFO - [chat.py:388] - Successfully saved 39474 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:45,176 - root - INFO - [chat.py:388] - Successfully saved 39495 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:45,364 - root - INFO - [chat.py:388] - Successfully saved 39516 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:45,555 - root - INFO - [chat.py:388] - Successfully saved 39536 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:45,743 - root - INFO - [chat.py:388] - Successfully saved 39555 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:45,932 - root - INFO - [chat.py:388] - Successfully saved 39576 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:46,119 - root - INFO - [chat.py:388] - Successfully saved 39596 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:46,316 - root - INFO - [chat.py:388] - Successfully saved 39617 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:46,506 - root - INFO - [chat.py:388] - Successfully saved 39638 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:46,701 - root - INFO - [chat.py:388] - Successfully saved 39659 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:46,893 - root - INFO - [chat.py:388] - Successfully saved 39680 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:47,083 - root - INFO - [chat.py:388] - Successfully saved 39701 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:47,282 - root - INFO - [chat.py:388] - Successfully saved 39722 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:47,491 - root - INFO - [chat.py:388] - Successfully saved 39742 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:47,680 - root - INFO - [chat.py:388] - Successfully saved 39760 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:47,868 - root - INFO - [chat.py:388] - Successfully saved 39779 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:48,059 - root - INFO - [chat.py:388] - Successfully saved 39798 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:48,254 - root - INFO - [chat.py:388] - Successfully saved 39817 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:48,444 - root - INFO - [chat.py:388] - Successfully saved 39835 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:48,633 - root - INFO - [chat.py:388] - Successfully saved 39855 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:48,828 - root - INFO - [chat.py:388] - Successfully saved 39875 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:49,022 - root - INFO - [chat.py:388] - Successfully saved 39895 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:49,214 - root - INFO - [chat.py:388] - Successfully saved 39915 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:49,404 - root - INFO - [chat.py:388] - Successfully saved 39936 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:49,594 - root - INFO - [chat.py:388] - Successfully saved 39956 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:49,786 - root - INFO - [chat.py:388] - Successfully saved 39982 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:49,979 - root - INFO - [chat.py:388] - Successfully saved 40011 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:50,184 - root - INFO - [chat.py:388] - Successfully saved 40040 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:50,374 - root - INFO - [chat.py:388] - Successfully saved 40069 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:50,568 - root - INFO - [chat.py:388] - Successfully saved 40098 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:50,758 - root - INFO - [chat.py:388] - Successfully saved 40127 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:50,955 - root - INFO - [chat.py:388] - Successfully saved 40156 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:51,148 - root - INFO - [chat.py:388] - Successfully saved 40185 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:51,339 - root - INFO - [chat.py:388] - Successfully saved 40214 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:51,531 - root - INFO - [chat.py:388] - Successfully saved 40243 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:51,723 - root - INFO - [chat.py:388] - Successfully saved 40272 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:51,915 - root - INFO - [chat.py:388] - Successfully saved 40301 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:52,113 - root - INFO - [chat.py:388] - Successfully saved 40330 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:52,305 - root - INFO - [chat.py:388] - Successfully saved 40359 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:52,503 - root - INFO - [chat.py:388] - Successfully saved 40388 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:52,697 - root - INFO - [chat.py:388] - Successfully saved 40417 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:52,889 - root - INFO - [chat.py:388] - Successfully saved 40446 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:53,084 - root - INFO - [chat.py:388] - Successfully saved 40475 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:53,277 - root - INFO - [chat.py:388] - Successfully saved 40504 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:53,471 - root - INFO - [chat.py:388] - Successfully saved 40533 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:53,666 - root - INFO - [chat.py:388] - Successfully saved 40562 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:53,857 - root - INFO - [chat.py:388] - Successfully saved 40580 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:54,054 - root - INFO - [chat.py:388] - Successfully saved 40597 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:54,248 - root - INFO - [chat.py:388] - Successfully saved 40614 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:54,441 - root - INFO - [chat.py:388] - Successfully saved 40631 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:54,635 - root - INFO - [chat.py:388] - Successfully saved 40648 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:54,831 - root - INFO - [chat.py:388] - Successfully saved 40665 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:55,028 - root - INFO - [chat.py:388] - Successfully saved 40682 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:55,233 - root - INFO - [chat.py:388] - Successfully saved 40699 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:55,427 - root - INFO - [chat.py:388] - Successfully saved 40717 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:55,623 - root - INFO - [chat.py:388] - Successfully saved 40746 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:55,818 - root - INFO - [chat.py:388] - Successfully saved 40775 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:56,016 - root - INFO - [chat.py:388] - Successfully saved 40804 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:56,212 - root - INFO - [chat.py:388] - Successfully saved 40833 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:56,410 - root - INFO - [chat.py:388] - Successfully saved 40862 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:56,610 - root - INFO - [chat.py:388] - Successfully saved 40891 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:56,810 - root - INFO - [chat.py:388] - Successfully saved 40920 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:57,007 - root - INFO - [chat.py:388] - Successfully saved 40949 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:57,204 - root - INFO - [chat.py:388] - Successfully saved 40978 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:57,399 - root - INFO - [chat.py:388] - Successfully saved 41007 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:57,596 - root - INFO - [chat.py:388] - Successfully saved 41034 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:57,791 - root - INFO - [chat.py:388] - Successfully saved 41060 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:57,994 - root - INFO - [chat.py:388] - Successfully saved 41087 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:58,190 - root - INFO - [chat.py:388] - Successfully saved 41116 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:58,386 - root - INFO - [chat.py:388] - Successfully saved 41145 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:58,584 - root - INFO - [chat.py:388] - Successfully saved 41174 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:58,781 - root - INFO - [chat.py:388] - Successfully saved 41203 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:58,983 - root - INFO - [chat.py:388] - Successfully saved 41232 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:59,181 - root - INFO - [chat.py:388] - Successfully saved 41256 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:59,377 - root - INFO - [chat.py:388] - Successfully saved 41276 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:59,578 - root - INFO - [chat.py:388] - Successfully saved 41295 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:59,774 - root - INFO - [chat.py:388] - Successfully saved 41313 unique ICD codes to JSON for hospital 229 -2025-06-07 17:23:59,976 - root - INFO - [chat.py:388] - Successfully saved 41330 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:00,179 - root - INFO - [chat.py:388] - Successfully saved 41347 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:00,377 - root - INFO - [chat.py:388] - Successfully saved 41366 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:00,580 - root - INFO - [chat.py:388] - Successfully saved 41386 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:00,778 - root - INFO - [chat.py:388] - Successfully saved 41404 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:01,797 - root - INFO - [chat.py:388] - Successfully saved 41422 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:02,000 - root - INFO - [chat.py:388] - Successfully saved 41439 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:02,201 - root - INFO - [chat.py:388] - Successfully saved 41457 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:02,401 - root - INFO - [chat.py:388] - Successfully saved 41475 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:02,600 - root - INFO - [chat.py:388] - Successfully saved 41492 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:02,800 - root - INFO - [chat.py:388] - Successfully saved 41509 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:03,001 - root - INFO - [chat.py:388] - Successfully saved 41527 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:03,292 - root - INFO - [chat.py:388] - Successfully saved 41545 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:03,491 - root - INFO - [chat.py:388] - Successfully saved 41562 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:03,690 - root - INFO - [chat.py:388] - Successfully saved 41579 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:03,901 - root - INFO - [chat.py:388] - Successfully saved 41596 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:04,128 - root - INFO - [chat.py:388] - Successfully saved 41614 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:04,388 - root - INFO - [chat.py:388] - Successfully saved 41632 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:04,602 - root - INFO - [chat.py:388] - Successfully saved 41649 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:04,822 - root - INFO - [chat.py:388] - Successfully saved 41666 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:05,030 - root - INFO - [chat.py:388] - Successfully saved 41684 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:05,230 - root - INFO - [chat.py:388] - Successfully saved 41702 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:05,428 - root - INFO - [chat.py:388] - Successfully saved 41719 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:05,627 - root - INFO - [chat.py:388] - Successfully saved 41737 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:05,826 - root - INFO - [chat.py:388] - Successfully saved 41754 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:06,034 - root - INFO - [chat.py:388] - Successfully saved 41772 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:06,233 - root - INFO - [chat.py:388] - Successfully saved 41789 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:06,431 - root - INFO - [chat.py:388] - Successfully saved 41807 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:06,633 - root - INFO - [chat.py:388] - Successfully saved 41825 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:06,832 - root - INFO - [chat.py:388] - Successfully saved 41852 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:07,035 - root - INFO - [chat.py:388] - Successfully saved 41881 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:07,237 - root - INFO - [chat.py:388] - Successfully saved 41909 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:07,433 - root - INFO - [chat.py:388] - Successfully saved 41934 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:07,631 - root - INFO - [chat.py:388] - Successfully saved 41958 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:07,829 - root - INFO - [chat.py:388] - Successfully saved 41985 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:08,033 - root - INFO - [chat.py:388] - Successfully saved 42014 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:08,236 - root - INFO - [chat.py:388] - Successfully saved 42043 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:08,433 - root - INFO - [chat.py:388] - Successfully saved 42072 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:08,638 - root - INFO - [chat.py:388] - Successfully saved 42101 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:08,841 - root - INFO - [chat.py:388] - Successfully saved 42130 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:09,048 - root - INFO - [chat.py:388] - Successfully saved 42159 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:09,250 - root - INFO - [chat.py:388] - Successfully saved 42188 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:09,449 - root - INFO - [chat.py:388] - Successfully saved 42217 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:09,653 - root - INFO - [chat.py:388] - Successfully saved 42246 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:09,854 - root - INFO - [chat.py:388] - Successfully saved 42275 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:10,062 - root - INFO - [chat.py:388] - Successfully saved 42304 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:10,264 - root - INFO - [chat.py:388] - Successfully saved 42333 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:10,466 - root - INFO - [chat.py:388] - Successfully saved 42362 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:10,673 - root - INFO - [chat.py:388] - Successfully saved 42382 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:10,876 - root - INFO - [chat.py:388] - Successfully saved 42400 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:11,086 - root - INFO - [chat.py:388] - Successfully saved 42418 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:11,299 - root - INFO - [chat.py:388] - Successfully saved 42436 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:11,512 - root - INFO - [chat.py:388] - Successfully saved 42454 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:11,720 - root - INFO - [chat.py:388] - Successfully saved 42472 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:11,927 - root - INFO - [chat.py:388] - Successfully saved 42490 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:12,138 - root - INFO - [chat.py:388] - Successfully saved 42508 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:12,345 - root - INFO - [chat.py:388] - Successfully saved 42526 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:12,556 - root - INFO - [chat.py:388] - Successfully saved 42544 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:12,761 - root - INFO - [chat.py:388] - Successfully saved 42562 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:12,975 - root - INFO - [chat.py:388] - Successfully saved 42580 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:13,182 - root - INFO - [chat.py:388] - Successfully saved 42598 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:13,387 - root - INFO - [chat.py:388] - Successfully saved 42616 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:13,592 - root - INFO - [chat.py:388] - Successfully saved 42634 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:13,794 - root - INFO - [chat.py:388] - Successfully saved 42652 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:13,998 - root - INFO - [chat.py:388] - Successfully saved 42672 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:14,202 - root - INFO - [chat.py:388] - Successfully saved 42690 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:14,409 - root - INFO - [chat.py:388] - Successfully saved 42708 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:14,646 - root - INFO - [chat.py:388] - Successfully saved 42726 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:14,852 - root - INFO - [chat.py:388] - Successfully saved 42744 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:15,059 - root - INFO - [chat.py:388] - Successfully saved 42762 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:15,266 - root - INFO - [chat.py:388] - Successfully saved 42781 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:15,474 - root - INFO - [chat.py:388] - Successfully saved 42799 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:15,683 - root - INFO - [chat.py:388] - Successfully saved 42817 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:15,891 - root - INFO - [chat.py:388] - Successfully saved 42835 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:16,102 - root - INFO - [chat.py:388] - Successfully saved 42853 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:16,308 - root - INFO - [chat.py:388] - Successfully saved 42871 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:16,518 - root - INFO - [chat.py:388] - Successfully saved 42889 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:16,724 - root - INFO - [chat.py:388] - Successfully saved 42907 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:16,927 - root - INFO - [chat.py:388] - Successfully saved 42926 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:17,134 - root - INFO - [chat.py:388] - Successfully saved 42944 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:17,338 - root - INFO - [chat.py:388] - Successfully saved 42962 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:17,548 - root - INFO - [chat.py:388] - Successfully saved 42980 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:17,773 - root - INFO - [chat.py:388] - Successfully saved 42998 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:17,980 - root - INFO - [chat.py:388] - Successfully saved 43016 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:18,186 - root - INFO - [chat.py:388] - Successfully saved 43034 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:18,391 - root - INFO - [chat.py:388] - Successfully saved 43052 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:18,598 - root - INFO - [chat.py:388] - Successfully saved 43070 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:18,805 - root - INFO - [chat.py:388] - Successfully saved 43088 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:19,016 - root - INFO - [chat.py:388] - Successfully saved 43106 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:19,254 - root - INFO - [chat.py:388] - Successfully saved 43124 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:19,462 - root - INFO - [chat.py:388] - Successfully saved 43142 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:19,677 - root - INFO - [chat.py:388] - Successfully saved 43160 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:19,894 - root - INFO - [chat.py:388] - Successfully saved 43178 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:20,111 - root - INFO - [chat.py:388] - Successfully saved 43197 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:20,347 - root - INFO - [chat.py:388] - Successfully saved 43216 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:20,631 - root - INFO - [chat.py:388] - Successfully saved 43234 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:20,944 - root - INFO - [chat.py:388] - Successfully saved 43252 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:21,152 - root - INFO - [chat.py:388] - Successfully saved 43270 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:21,360 - root - INFO - [chat.py:388] - Successfully saved 43288 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:21,572 - root - INFO - [chat.py:388] - Successfully saved 43306 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:21,778 - root - INFO - [chat.py:388] - Successfully saved 43324 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:21,987 - root - INFO - [chat.py:388] - Successfully saved 43343 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:22,193 - root - INFO - [chat.py:388] - Successfully saved 43361 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:22,397 - root - INFO - [chat.py:388] - Successfully saved 43379 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:22,606 - root - INFO - [chat.py:388] - Successfully saved 43397 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:22,814 - root - INFO - [chat.py:388] - Successfully saved 43415 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:23,023 - root - INFO - [chat.py:388] - Successfully saved 43433 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:23,234 - root - INFO - [chat.py:388] - Successfully saved 43451 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:23,440 - root - INFO - [chat.py:388] - Successfully saved 43469 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:23,646 - root - INFO - [chat.py:388] - Successfully saved 43488 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:23,851 - root - INFO - [chat.py:388] - Successfully saved 43506 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:24,063 - root - INFO - [chat.py:388] - Successfully saved 43524 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:24,271 - root - INFO - [chat.py:388] - Successfully saved 43542 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:24,478 - root - INFO - [chat.py:388] - Successfully saved 43560 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:24,685 - root - INFO - [chat.py:388] - Successfully saved 43578 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:24,891 - root - INFO - [chat.py:388] - Successfully saved 43596 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:25,102 - root - INFO - [chat.py:388] - Successfully saved 43615 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:25,319 - root - INFO - [chat.py:388] - Successfully saved 43633 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:25,529 - root - INFO - [chat.py:388] - Successfully saved 43651 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:25,738 - root - INFO - [chat.py:388] - Successfully saved 43669 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:25,946 - root - INFO - [chat.py:388] - Successfully saved 43687 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:26,156 - root - INFO - [chat.py:388] - Successfully saved 43705 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:26,364 - root - INFO - [chat.py:388] - Successfully saved 43723 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:26,573 - root - INFO - [chat.py:388] - Successfully saved 43742 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:26,781 - root - INFO - [chat.py:388] - Successfully saved 43760 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:26,989 - root - INFO - [chat.py:388] - Successfully saved 43778 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:27,197 - root - INFO - [chat.py:388] - Successfully saved 43796 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:27,405 - root - INFO - [chat.py:388] - Successfully saved 43814 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:27,615 - root - INFO - [chat.py:388] - Successfully saved 43832 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:27,824 - root - INFO - [chat.py:388] - Successfully saved 43850 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:28,037 - root - INFO - [chat.py:388] - Successfully saved 43868 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:28,248 - root - INFO - [chat.py:388] - Successfully saved 43886 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:28,459 - root - INFO - [chat.py:388] - Successfully saved 43904 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:28,673 - root - INFO - [chat.py:388] - Successfully saved 43922 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:28,884 - root - INFO - [chat.py:388] - Successfully saved 43940 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:29,093 - root - INFO - [chat.py:388] - Successfully saved 43958 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:29,304 - root - INFO - [chat.py:388] - Successfully saved 43976 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:29,515 - root - INFO - [chat.py:388] - Successfully saved 43994 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:29,725 - root - INFO - [chat.py:388] - Successfully saved 44015 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:29,937 - root - INFO - [chat.py:388] - Successfully saved 44035 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:30,151 - root - INFO - [chat.py:388] - Successfully saved 44053 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:30,362 - root - INFO - [chat.py:388] - Successfully saved 44071 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:30,578 - root - INFO - [chat.py:388] - Successfully saved 44089 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:30,792 - root - INFO - [chat.py:388] - Successfully saved 44107 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:31,016 - root - INFO - [chat.py:388] - Successfully saved 44125 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:31,231 - root - INFO - [chat.py:388] - Successfully saved 44143 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:31,452 - root - INFO - [chat.py:388] - Successfully saved 44161 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:31,667 - root - INFO - [chat.py:388] - Successfully saved 44179 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:31,893 - root - INFO - [chat.py:388] - Successfully saved 44197 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:32,120 - root - INFO - [chat.py:388] - Successfully saved 44215 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:32,345 - root - INFO - [chat.py:388] - Successfully saved 44233 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:32,579 - root - INFO - [chat.py:388] - Successfully saved 44251 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:32,803 - root - INFO - [chat.py:388] - Successfully saved 44269 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:33,042 - root - INFO - [chat.py:388] - Successfully saved 44287 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:33,279 - root - INFO - [chat.py:388] - Successfully saved 44305 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:33,511 - root - INFO - [chat.py:388] - Successfully saved 44323 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:33,740 - root - INFO - [chat.py:388] - Successfully saved 44341 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:33,979 - root - INFO - [chat.py:388] - Successfully saved 44359 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:34,215 - root - INFO - [chat.py:388] - Successfully saved 44377 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:34,445 - root - INFO - [chat.py:388] - Successfully saved 44395 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:34,668 - root - INFO - [chat.py:388] - Successfully saved 44413 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:34,886 - root - INFO - [chat.py:388] - Successfully saved 44431 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:35,118 - root - INFO - [chat.py:388] - Successfully saved 44449 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:35,335 - root - INFO - [chat.py:388] - Successfully saved 44467 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:35,556 - root - INFO - [chat.py:388] - Successfully saved 44485 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:35,775 - root - INFO - [chat.py:388] - Successfully saved 44502 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:35,991 - root - INFO - [chat.py:388] - Successfully saved 44519 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:36,213 - root - INFO - [chat.py:388] - Successfully saved 44536 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:36,432 - root - INFO - [chat.py:388] - Successfully saved 44553 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:36,656 - root - INFO - [chat.py:388] - Successfully saved 44570 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:36,871 - root - INFO - [chat.py:388] - Successfully saved 44587 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:37,088 - root - INFO - [chat.py:388] - Successfully saved 44604 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:37,303 - root - INFO - [chat.py:388] - Successfully saved 44621 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:37,518 - root - INFO - [chat.py:388] - Successfully saved 44638 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:37,731 - root - INFO - [chat.py:388] - Successfully saved 44655 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:37,944 - root - INFO - [chat.py:388] - Successfully saved 44673 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:38,178 - root - INFO - [chat.py:388] - Successfully saved 44694 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:38,390 - root - INFO - [chat.py:388] - Successfully saved 44712 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:38,610 - root - INFO - [chat.py:388] - Successfully saved 44730 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:38,824 - root - INFO - [chat.py:388] - Successfully saved 44751 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:39,042 - root - INFO - [chat.py:388] - Successfully saved 44773 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:39,258 - root - INFO - [chat.py:388] - Successfully saved 44792 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:39,474 - root - INFO - [chat.py:388] - Successfully saved 44812 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:39,693 - root - INFO - [chat.py:388] - Successfully saved 44833 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:39,908 - root - INFO - [chat.py:388] - Successfully saved 44862 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:40,124 - root - INFO - [chat.py:388] - Successfully saved 44891 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:40,338 - root - INFO - [chat.py:388] - Successfully saved 44920 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:40,556 - root - INFO - [chat.py:388] - Successfully saved 44949 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:40,771 - root - INFO - [chat.py:388] - Successfully saved 44977 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:40,991 - root - INFO - [chat.py:388] - Successfully saved 45006 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:41,213 - root - INFO - [chat.py:388] - Successfully saved 45035 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:41,428 - root - INFO - [chat.py:388] - Successfully saved 45064 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:41,646 - root - INFO - [chat.py:388] - Successfully saved 45088 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:41,864 - root - INFO - [chat.py:388] - Successfully saved 45109 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:42,084 - root - INFO - [chat.py:388] - Successfully saved 45134 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:42,308 - root - INFO - [chat.py:388] - Successfully saved 45157 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:42,528 - root - INFO - [chat.py:388] - Successfully saved 45182 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:42,752 - root - INFO - [chat.py:388] - Successfully saved 45211 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:42,970 - root - INFO - [chat.py:388] - Successfully saved 45239 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:43,200 - root - INFO - [chat.py:388] - Successfully saved 45267 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:43,417 - root - INFO - [chat.py:388] - Successfully saved 45286 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:43,639 - root - INFO - [chat.py:388] - Successfully saved 45303 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:43,858 - root - INFO - [chat.py:388] - Successfully saved 45321 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:44,079 - root - INFO - [chat.py:388] - Successfully saved 45341 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:44,298 - root - INFO - [chat.py:388] - Successfully saved 45361 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:44,514 - root - INFO - [chat.py:388] - Successfully saved 45381 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:44,741 - root - INFO - [chat.py:388] - Successfully saved 45410 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:44,960 - root - INFO - [chat.py:388] - Successfully saved 45438 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:45,188 - root - INFO - [chat.py:388] - Successfully saved 45463 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:45,415 - root - INFO - [chat.py:388] - Successfully saved 45482 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:45,642 - root - INFO - [chat.py:388] - Successfully saved 45501 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:45,863 - root - INFO - [chat.py:388] - Successfully saved 45521 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:46,083 - root - INFO - [chat.py:388] - Successfully saved 45540 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:46,304 - root - INFO - [chat.py:388] - Successfully saved 45558 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:46,524 - root - INFO - [chat.py:388] - Successfully saved 45576 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:46,751 - root - INFO - [chat.py:388] - Successfully saved 45594 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:46,976 - root - INFO - [chat.py:388] - Successfully saved 45613 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:47,201 - root - INFO - [chat.py:388] - Successfully saved 45637 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:47,419 - root - INFO - [chat.py:388] - Successfully saved 45666 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:47,642 - root - INFO - [chat.py:388] - Successfully saved 45695 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:47,862 - root - INFO - [chat.py:388] - Successfully saved 45724 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:48,083 - root - INFO - [chat.py:388] - Successfully saved 45753 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:48,308 - root - INFO - [chat.py:388] - Successfully saved 45782 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:48,525 - root - INFO - [chat.py:388] - Successfully saved 45811 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:48,748 - root - INFO - [chat.py:388] - Successfully saved 45840 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:48,969 - root - INFO - [chat.py:388] - Successfully saved 45869 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:49,192 - root - INFO - [chat.py:388] - Successfully saved 45898 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:49,412 - root - INFO - [chat.py:388] - Successfully saved 45922 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:49,635 - root - INFO - [chat.py:388] - Successfully saved 45942 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:49,860 - root - INFO - [chat.py:388] - Successfully saved 45962 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:50,081 - root - INFO - [chat.py:388] - Successfully saved 45980 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:50,305 - root - INFO - [chat.py:388] - Successfully saved 45998 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:50,528 - root - INFO - [chat.py:388] - Successfully saved 46016 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:50,752 - root - INFO - [chat.py:388] - Successfully saved 46034 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:50,972 - root - INFO - [chat.py:388] - Successfully saved 46052 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:51,202 - root - INFO - [chat.py:388] - Successfully saved 46071 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:51,424 - root - INFO - [chat.py:388] - Successfully saved 46090 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:51,654 - root - INFO - [chat.py:388] - Successfully saved 46108 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:51,893 - root - INFO - [chat.py:388] - Successfully saved 46126 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:52,122 - root - INFO - [chat.py:388] - Successfully saved 46144 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:52,345 - root - INFO - [chat.py:388] - Successfully saved 46162 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:52,569 - root - INFO - [chat.py:388] - Successfully saved 46180 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:52,791 - root - INFO - [chat.py:388] - Successfully saved 46198 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:53,014 - root - INFO - [chat.py:388] - Successfully saved 46218 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:53,243 - root - INFO - [chat.py:388] - Successfully saved 46236 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:53,470 - root - INFO - [chat.py:388] - Successfully saved 46254 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:53,699 - root - INFO - [chat.py:388] - Successfully saved 46272 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:53,928 - root - INFO - [chat.py:388] - Successfully saved 46290 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:54,166 - root - INFO - [chat.py:388] - Successfully saved 46308 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:54,397 - root - INFO - [chat.py:388] - Successfully saved 46326 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:54,627 - root - INFO - [chat.py:388] - Successfully saved 46346 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:54,853 - root - INFO - [chat.py:388] - Successfully saved 46367 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:55,079 - root - INFO - [chat.py:388] - Successfully saved 46387 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:55,320 - root - INFO - [chat.py:388] - Successfully saved 46406 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:55,552 - root - INFO - [chat.py:388] - Successfully saved 46425 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:55,787 - root - INFO - [chat.py:388] - Successfully saved 46444 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:56,013 - root - INFO - [chat.py:388] - Successfully saved 46464 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:56,240 - root - INFO - [chat.py:388] - Successfully saved 46483 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:56,464 - root - INFO - [chat.py:388] - Successfully saved 46501 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:56,692 - root - INFO - [chat.py:388] - Successfully saved 46521 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:56,915 - root - INFO - [chat.py:388] - Successfully saved 46539 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:57,143 - root - INFO - [chat.py:388] - Successfully saved 46557 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:57,369 - root - INFO - [chat.py:388] - Successfully saved 46575 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:57,594 - root - INFO - [chat.py:388] - Successfully saved 46593 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:57,818 - root - INFO - [chat.py:388] - Successfully saved 46611 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:58,040 - root - INFO - [chat.py:388] - Successfully saved 46629 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:58,262 - root - INFO - [chat.py:388] - Successfully saved 46649 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:58,489 - root - INFO - [chat.py:388] - Successfully saved 46667 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:58,723 - root - INFO - [chat.py:388] - Successfully saved 46685 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:58,949 - root - INFO - [chat.py:388] - Successfully saved 46703 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:59,179 - root - INFO - [chat.py:388] - Successfully saved 46721 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:59,404 - root - INFO - [chat.py:388] - Successfully saved 46739 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:59,636 - root - INFO - [chat.py:388] - Successfully saved 46757 unique ICD codes to JSON for hospital 229 -2025-06-07 17:24:59,861 - root - INFO - [chat.py:388] - Successfully saved 46777 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:00,093 - root - INFO - [chat.py:388] - Successfully saved 46795 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:00,323 - root - INFO - [chat.py:388] - Successfully saved 46813 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:00,558 - root - INFO - [chat.py:388] - Successfully saved 46831 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:00,786 - root - INFO - [chat.py:388] - Successfully saved 46849 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:01,015 - root - INFO - [chat.py:388] - Successfully saved 46867 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:01,247 - root - INFO - [chat.py:388] - Successfully saved 46885 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:01,481 - root - INFO - [chat.py:388] - Successfully saved 46904 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:01,712 - root - INFO - [chat.py:388] - Successfully saved 46922 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:01,959 - root - INFO - [chat.py:388] - Successfully saved 46944 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:02,202 - root - INFO - [chat.py:388] - Successfully saved 46963 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:02,431 - root - INFO - [chat.py:388] - Successfully saved 46981 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:02,661 - root - INFO - [chat.py:388] - Successfully saved 46999 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:02,890 - root - INFO - [chat.py:388] - Successfully saved 47019 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:03,121 - root - INFO - [chat.py:388] - Successfully saved 47037 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:03,349 - root - INFO - [chat.py:388] - Successfully saved 47055 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:03,576 - root - INFO - [chat.py:388] - Successfully saved 47073 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:03,811 - root - INFO - [chat.py:388] - Successfully saved 47091 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:04,055 - root - INFO - [chat.py:388] - Successfully saved 47109 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:04,309 - root - INFO - [chat.py:388] - Successfully saved 47127 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:04,555 - root - INFO - [chat.py:388] - Successfully saved 47147 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:04,809 - root - INFO - [chat.py:388] - Successfully saved 47165 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:05,045 - root - INFO - [chat.py:388] - Successfully saved 47183 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:05,282 - root - INFO - [chat.py:388] - Successfully saved 47201 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:05,516 - root - INFO - [chat.py:388] - Successfully saved 47219 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:05,750 - root - INFO - [chat.py:388] - Successfully saved 47237 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:05,987 - root - INFO - [chat.py:388] - Successfully saved 47255 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:06,225 - root - INFO - [chat.py:388] - Successfully saved 47274 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:06,453 - root - INFO - [chat.py:388] - Successfully saved 47293 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:06,684 - root - INFO - [chat.py:388] - Successfully saved 47311 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:06,921 - root - INFO - [chat.py:388] - Successfully saved 47329 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:07,149 - root - INFO - [chat.py:388] - Successfully saved 47347 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:07,390 - root - INFO - [chat.py:388] - Successfully saved 47365 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:07,620 - root - INFO - [chat.py:388] - Successfully saved 47383 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:07,850 - root - INFO - [chat.py:388] - Successfully saved 47401 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:08,078 - root - INFO - [chat.py:388] - Successfully saved 47419 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:08,302 - root - INFO - [chat.py:388] - Successfully saved 47437 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:08,526 - root - INFO - [chat.py:388] - Successfully saved 47455 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:08,761 - root - INFO - [chat.py:388] - Successfully saved 47473 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:09,007 - root - INFO - [chat.py:388] - Successfully saved 47491 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:09,250 - root - INFO - [chat.py:388] - Successfully saved 47509 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:09,479 - root - INFO - [chat.py:388] - Successfully saved 47529 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:09,711 - root - INFO - [chat.py:388] - Successfully saved 47549 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:09,943 - root - INFO - [chat.py:388] - Successfully saved 47567 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:10,181 - root - INFO - [chat.py:388] - Successfully saved 47585 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:10,412 - root - INFO - [chat.py:388] - Successfully saved 47603 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:10,643 - root - INFO - [chat.py:388] - Successfully saved 47624 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:10,874 - root - INFO - [chat.py:388] - Successfully saved 47643 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:11,110 - root - INFO - [chat.py:388] - Successfully saved 47663 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:11,341 - root - INFO - [chat.py:388] - Successfully saved 47681 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:11,569 - root - INFO - [chat.py:388] - Successfully saved 47699 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:11,800 - root - INFO - [chat.py:388] - Successfully saved 47717 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:12,032 - root - INFO - [chat.py:388] - Successfully saved 47735 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:12,264 - root - INFO - [chat.py:388] - Successfully saved 47753 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:12,493 - root - INFO - [chat.py:388] - Successfully saved 47772 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:12,730 - root - INFO - [chat.py:388] - Successfully saved 47790 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:12,957 - root - INFO - [chat.py:388] - Successfully saved 47808 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:13,199 - root - INFO - [chat.py:388] - Successfully saved 47826 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:13,425 - root - INFO - [chat.py:388] - Successfully saved 47844 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:13,657 - root - INFO - [chat.py:388] - Successfully saved 47862 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:13,888 - root - INFO - [chat.py:388] - Successfully saved 47880 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:14,119 - root - INFO - [chat.py:388] - Successfully saved 47898 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:14,350 - root - INFO - [chat.py:388] - Successfully saved 47917 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:14,584 - root - INFO - [chat.py:388] - Successfully saved 47935 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:14,814 - root - INFO - [chat.py:388] - Successfully saved 47953 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:15,045 - root - INFO - [chat.py:388] - Successfully saved 47971 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:15,281 - root - INFO - [chat.py:388] - Successfully saved 47989 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:15,510 - root - INFO - [chat.py:388] - Successfully saved 48007 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:15,741 - root - INFO - [chat.py:388] - Successfully saved 48025 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:15,969 - root - INFO - [chat.py:388] - Successfully saved 48043 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:16,204 - root - INFO - [chat.py:388] - Successfully saved 48061 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:16,434 - root - INFO - [chat.py:388] - Successfully saved 48079 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:16,666 - root - INFO - [chat.py:388] - Successfully saved 48097 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:16,897 - root - INFO - [chat.py:388] - Successfully saved 48115 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:17,131 - root - INFO - [chat.py:388] - Successfully saved 48133 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:17,363 - root - INFO - [chat.py:388] - Successfully saved 48151 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:17,596 - root - INFO - [chat.py:388] - Successfully saved 48169 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:17,826 - root - INFO - [chat.py:388] - Successfully saved 48187 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:18,057 - root - INFO - [chat.py:388] - Successfully saved 48206 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:18,289 - root - INFO - [chat.py:388] - Successfully saved 48226 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:18,519 - root - INFO - [chat.py:388] - Successfully saved 48245 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:18,750 - root - INFO - [chat.py:388] - Successfully saved 48263 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:18,983 - root - INFO - [chat.py:388] - Successfully saved 48281 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:19,220 - root - INFO - [chat.py:388] - Successfully saved 48300 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:19,454 - root - INFO - [chat.py:388] - Successfully saved 48318 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:19,693 - root - INFO - [chat.py:388] - Successfully saved 48336 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:19,926 - root - INFO - [chat.py:388] - Successfully saved 48354 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:20,163 - root - INFO - [chat.py:388] - Successfully saved 48372 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:20,401 - root - INFO - [chat.py:388] - Successfully saved 48390 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:20,634 - root - INFO - [chat.py:388] - Successfully saved 48408 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:20,863 - root - INFO - [chat.py:388] - Successfully saved 48426 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:21,098 - root - INFO - [chat.py:388] - Successfully saved 48444 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:21,333 - root - INFO - [chat.py:388] - Successfully saved 48466 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:21,568 - root - INFO - [chat.py:388] - Successfully saved 48486 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:21,809 - root - INFO - [chat.py:388] - Successfully saved 48504 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:22,043 - root - INFO - [chat.py:388] - Successfully saved 48522 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:22,279 - root - INFO - [chat.py:388] - Successfully saved 48540 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:22,512 - root - INFO - [chat.py:388] - Successfully saved 48559 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:22,763 - root - INFO - [chat.py:388] - Successfully saved 48577 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:22,999 - root - INFO - [chat.py:388] - Successfully saved 48595 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:23,238 - root - INFO - [chat.py:388] - Successfully saved 48613 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:23,474 - root - INFO - [chat.py:388] - Successfully saved 48631 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:23,710 - root - INFO - [chat.py:388] - Successfully saved 48649 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:23,949 - root - INFO - [chat.py:388] - Successfully saved 48667 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:24,189 - root - INFO - [chat.py:388] - Successfully saved 48685 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:24,425 - root - INFO - [chat.py:388] - Successfully saved 48703 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:24,663 - root - INFO - [chat.py:388] - Successfully saved 48721 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:24,897 - root - INFO - [chat.py:388] - Successfully saved 48739 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:25,136 - root - INFO - [chat.py:388] - Successfully saved 48757 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:25,388 - root - INFO - [chat.py:388] - Successfully saved 48775 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:25,625 - root - INFO - [chat.py:388] - Successfully saved 48793 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:25,909 - root - INFO - [chat.py:388] - Successfully saved 48811 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:26,155 - root - INFO - [chat.py:388] - Successfully saved 48831 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:26,394 - root - INFO - [chat.py:388] - Successfully saved 48851 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:26,637 - root - INFO - [chat.py:388] - Successfully saved 48869 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:26,875 - root - INFO - [chat.py:388] - Successfully saved 48888 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:27,114 - root - INFO - [chat.py:388] - Successfully saved 48906 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:27,351 - root - INFO - [chat.py:388] - Successfully saved 48926 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:27,588 - root - INFO - [chat.py:388] - Successfully saved 48948 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:28,238 - root - INFO - [chat.py:388] - Successfully saved 48966 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:28,476 - root - INFO - [chat.py:388] - Successfully saved 48985 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:28,714 - root - INFO - [chat.py:388] - Successfully saved 49005 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:28,967 - root - INFO - [chat.py:388] - Successfully saved 49033 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:29,216 - root - INFO - [chat.py:388] - Successfully saved 49062 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:29,459 - root - INFO - [chat.py:388] - Successfully saved 49091 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:29,707 - root - INFO - [chat.py:388] - Successfully saved 49120 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:29,944 - root - INFO - [chat.py:388] - Successfully saved 49149 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:30,191 - root - INFO - [chat.py:388] - Successfully saved 49177 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:30,432 - root - INFO - [chat.py:388] - Successfully saved 49204 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:30,679 - root - INFO - [chat.py:388] - Successfully saved 49233 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:30,927 - root - INFO - [chat.py:388] - Successfully saved 49262 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:31,173 - root - INFO - [chat.py:388] - Successfully saved 49291 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:31,413 - root - INFO - [chat.py:388] - Successfully saved 49320 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:31,661 - root - INFO - [chat.py:388] - Successfully saved 49349 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:31,911 - root - INFO - [chat.py:388] - Successfully saved 49378 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:32,154 - root - INFO - [chat.py:388] - Successfully saved 49407 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:32,399 - root - INFO - [chat.py:388] - Successfully saved 49436 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:32,646 - root - INFO - [chat.py:388] - Successfully saved 49465 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:32,889 - root - INFO - [chat.py:388] - Successfully saved 49494 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:33,139 - root - INFO - [chat.py:388] - Successfully saved 49523 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:33,390 - root - INFO - [chat.py:388] - Successfully saved 49550 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:33,629 - root - INFO - [chat.py:388] - Successfully saved 49575 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:33,886 - root - INFO - [chat.py:388] - Successfully saved 49601 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:34,195 - root - INFO - [chat.py:388] - Successfully saved 49629 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:34,466 - root - INFO - [chat.py:388] - Successfully saved 49654 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:34,723 - root - INFO - [chat.py:388] - Successfully saved 49679 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:34,990 - root - INFO - [chat.py:388] - Successfully saved 49708 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:35,259 - root - INFO - [chat.py:388] - Successfully saved 49726 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:35,515 - root - INFO - [chat.py:388] - Successfully saved 49743 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:35,778 - root - INFO - [chat.py:388] - Successfully saved 49761 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:36,023 - root - INFO - [chat.py:388] - Successfully saved 49778 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:36,274 - root - INFO - [chat.py:388] - Successfully saved 49796 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:36,518 - root - INFO - [chat.py:388] - Successfully saved 49813 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:36,766 - root - INFO - [chat.py:388] - Successfully saved 49835 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:37,009 - root - INFO - [chat.py:388] - Successfully saved 49859 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:37,260 - root - INFO - [chat.py:388] - Successfully saved 49881 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:37,503 - root - INFO - [chat.py:388] - Successfully saved 49907 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:37,753 - root - INFO - [chat.py:388] - Successfully saved 49932 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:38,007 - root - INFO - [chat.py:388] - Successfully saved 49956 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:38,253 - root - INFO - [chat.py:388] - Successfully saved 49977 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:38,495 - root - INFO - [chat.py:388] - Successfully saved 49995 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:38,742 - root - INFO - [chat.py:388] - Successfully saved 50013 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:38,985 - root - INFO - [chat.py:388] - Successfully saved 50031 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:39,265 - root - INFO - [chat.py:388] - Successfully saved 50049 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:39,512 - root - INFO - [chat.py:388] - Successfully saved 50069 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:39,761 - root - INFO - [chat.py:388] - Successfully saved 50088 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:40,003 - root - INFO - [chat.py:388] - Successfully saved 50106 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:40,248 - root - INFO - [chat.py:388] - Successfully saved 50124 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:40,490 - root - INFO - [chat.py:388] - Successfully saved 50142 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:40,743 - root - INFO - [chat.py:388] - Successfully saved 50161 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:40,994 - root - INFO - [chat.py:388] - Successfully saved 50181 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:41,254 - root - INFO - [chat.py:388] - Successfully saved 50200 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:41,498 - root - INFO - [chat.py:388] - Successfully saved 50219 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:41,746 - root - INFO - [chat.py:388] - Successfully saved 50238 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:41,991 - root - INFO - [chat.py:388] - Successfully saved 50258 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:42,241 - root - INFO - [chat.py:388] - Successfully saved 50276 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:42,517 - root - INFO - [chat.py:388] - Successfully saved 50294 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:42,777 - root - INFO - [chat.py:388] - Successfully saved 50313 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:43,024 - root - INFO - [chat.py:388] - Successfully saved 50338 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:43,286 - root - INFO - [chat.py:388] - Successfully saved 50367 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:43,531 - root - INFO - [chat.py:388] - Successfully saved 50396 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:43,784 - root - INFO - [chat.py:388] - Successfully saved 50425 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:44,036 - root - INFO - [chat.py:388] - Successfully saved 50454 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:44,290 - root - INFO - [chat.py:388] - Successfully saved 50483 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:44,541 - root - INFO - [chat.py:388] - Successfully saved 50512 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:44,800 - root - INFO - [chat.py:388] - Successfully saved 50541 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:45,053 - root - INFO - [chat.py:388] - Successfully saved 50570 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:45,300 - root - INFO - [chat.py:388] - Successfully saved 50599 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:45,547 - root - INFO - [chat.py:388] - Successfully saved 50628 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:45,792 - root - INFO - [chat.py:388] - Successfully saved 50657 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:46,039 - root - INFO - [chat.py:388] - Successfully saved 50686 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:46,288 - root - INFO - [chat.py:388] - Successfully saved 50714 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:46,533 - root - INFO - [chat.py:388] - Successfully saved 50737 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:46,786 - root - INFO - [chat.py:388] - Successfully saved 50761 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:47,030 - root - INFO - [chat.py:388] - Successfully saved 50781 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:47,277 - root - INFO - [chat.py:388] - Successfully saved 50802 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:47,526 - root - INFO - [chat.py:388] - Successfully saved 50830 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:47,776 - root - INFO - [chat.py:388] - Successfully saved 50857 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:48,029 - root - INFO - [chat.py:388] - Successfully saved 50882 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:48,278 - root - INFO - [chat.py:388] - Successfully saved 50904 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:48,526 - root - INFO - [chat.py:388] - Successfully saved 50926 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:48,777 - root - INFO - [chat.py:388] - Successfully saved 50954 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:49,024 - root - INFO - [chat.py:388] - Successfully saved 50983 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:49,274 - root - INFO - [chat.py:388] - Successfully saved 51011 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:49,522 - root - INFO - [chat.py:388] - Successfully saved 51035 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:49,777 - root - INFO - [chat.py:388] - Successfully saved 51057 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:50,027 - root - INFO - [chat.py:388] - Successfully saved 51078 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:50,277 - root - INFO - [chat.py:388] - Successfully saved 51098 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:50,524 - root - INFO - [chat.py:388] - Successfully saved 51118 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:50,773 - root - INFO - [chat.py:388] - Successfully saved 51136 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:51,020 - root - INFO - [chat.py:388] - Successfully saved 51155 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:51,271 - root - INFO - [chat.py:388] - Successfully saved 51175 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:51,518 - root - INFO - [chat.py:388] - Successfully saved 51195 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:51,765 - root - INFO - [chat.py:388] - Successfully saved 51215 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:52,010 - root - INFO - [chat.py:388] - Successfully saved 51233 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:52,258 - root - INFO - [chat.py:388] - Successfully saved 51254 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:52,506 - root - INFO - [chat.py:388] - Successfully saved 51274 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:52,752 - root - INFO - [chat.py:388] - Successfully saved 51299 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:52,999 - root - INFO - [chat.py:388] - Successfully saved 51323 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:53,248 - root - INFO - [chat.py:388] - Successfully saved 51346 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:53,496 - root - INFO - [chat.py:388] - Successfully saved 51370 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:53,745 - root - INFO - [chat.py:388] - Successfully saved 51392 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:53,996 - root - INFO - [chat.py:388] - Successfully saved 51412 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:54,276 - root - INFO - [chat.py:388] - Successfully saved 51434 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:54,527 - root - INFO - [chat.py:388] - Successfully saved 51458 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:54,786 - root - INFO - [chat.py:388] - Successfully saved 51479 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:55,038 - root - INFO - [chat.py:388] - Successfully saved 51499 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:55,295 - root - INFO - [chat.py:388] - Successfully saved 51523 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:55,670 - root - INFO - [chat.py:388] - Successfully saved 51546 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:55,923 - root - INFO - [chat.py:388] - Successfully saved 51567 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:56,179 - root - INFO - [chat.py:388] - Successfully saved 51588 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:56,436 - root - INFO - [chat.py:388] - Successfully saved 51609 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:56,709 - root - INFO - [chat.py:388] - Successfully saved 51629 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:56,960 - root - INFO - [chat.py:388] - Successfully saved 51649 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:57,222 - root - INFO - [chat.py:388] - Successfully saved 51667 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:57,481 - root - INFO - [chat.py:388] - Successfully saved 51687 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:57,734 - root - INFO - [chat.py:388] - Successfully saved 51708 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:57,983 - root - INFO - [chat.py:388] - Successfully saved 51728 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:58,239 - root - INFO - [chat.py:388] - Successfully saved 51748 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:58,494 - root - INFO - [chat.py:388] - Successfully saved 51768 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:58,755 - root - INFO - [chat.py:388] - Successfully saved 51788 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:59,019 - root - INFO - [chat.py:388] - Successfully saved 51808 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:59,272 - root - INFO - [chat.py:388] - Successfully saved 51828 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:59,528 - root - INFO - [chat.py:388] - Successfully saved 51848 unique ICD codes to JSON for hospital 229 -2025-06-07 17:25:59,786 - root - INFO - [chat.py:388] - Successfully saved 51868 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:00,039 - root - INFO - [chat.py:388] - Successfully saved 51888 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:00,293 - root - INFO - [chat.py:388] - Successfully saved 51908 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:00,545 - root - INFO - [chat.py:388] - Successfully saved 51928 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:00,796 - root - INFO - [chat.py:388] - Successfully saved 51948 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:01,048 - root - INFO - [chat.py:388] - Successfully saved 51968 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:01,300 - root - INFO - [chat.py:388] - Successfully saved 51988 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:01,555 - root - INFO - [chat.py:388] - Successfully saved 52009 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:01,807 - root - INFO - [chat.py:388] - Successfully saved 52030 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:02,060 - root - INFO - [chat.py:388] - Successfully saved 52050 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:02,313 - root - INFO - [chat.py:388] - Successfully saved 52069 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:02,565 - root - INFO - [chat.py:388] - Successfully saved 52089 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:02,965 - root - INFO - [chat.py:388] - Successfully saved 52109 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:03,219 - root - INFO - [chat.py:388] - Successfully saved 52133 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:03,472 - root - INFO - [chat.py:388] - Successfully saved 52155 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:03,724 - root - INFO - [chat.py:388] - Successfully saved 52175 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:03,988 - root - INFO - [chat.py:388] - Successfully saved 52195 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:04,271 - root - INFO - [chat.py:388] - Successfully saved 52213 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:04,529 - root - INFO - [chat.py:388] - Successfully saved 52233 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:04,798 - root - INFO - [chat.py:388] - Successfully saved 52251 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:05,059 - root - INFO - [chat.py:388] - Successfully saved 52270 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:05,315 - root - INFO - [chat.py:388] - Successfully saved 52290 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:05,569 - root - INFO - [chat.py:388] - Successfully saved 52311 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:05,821 - root - INFO - [chat.py:388] - Successfully saved 52338 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:06,073 - root - INFO - [chat.py:388] - Successfully saved 52366 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:06,330 - root - INFO - [chat.py:388] - Successfully saved 52393 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:06,586 - root - INFO - [chat.py:388] - Successfully saved 52422 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:06,842 - root - INFO - [chat.py:388] - Successfully saved 52451 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:07,095 - root - INFO - [chat.py:388] - Successfully saved 52480 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:07,350 - root - INFO - [chat.py:388] - Successfully saved 52509 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:07,605 - root - INFO - [chat.py:388] - Successfully saved 52538 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:07,857 - root - INFO - [chat.py:388] - Successfully saved 52567 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:08,110 - root - INFO - [chat.py:388] - Successfully saved 52596 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:08,365 - root - INFO - [chat.py:388] - Successfully saved 52625 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:08,618 - root - INFO - [chat.py:388] - Successfully saved 52654 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:08,873 - root - INFO - [chat.py:388] - Successfully saved 52683 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:09,131 - root - INFO - [chat.py:388] - Successfully saved 52712 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:09,389 - root - INFO - [chat.py:388] - Successfully saved 52741 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:09,649 - root - INFO - [chat.py:388] - Successfully saved 52769 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:09,919 - root - INFO - [chat.py:388] - Successfully saved 52798 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:10,193 - root - INFO - [chat.py:388] - Successfully saved 52827 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:10,458 - root - INFO - [chat.py:388] - Successfully saved 52856 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:10,717 - root - INFO - [chat.py:388] - Successfully saved 52881 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:10,977 - root - INFO - [chat.py:388] - Successfully saved 52904 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:11,243 - root - INFO - [chat.py:388] - Successfully saved 52923 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:11,504 - root - INFO - [chat.py:388] - Successfully saved 52940 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:11,765 - root - INFO - [chat.py:388] - Successfully saved 52957 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:12,023 - root - INFO - [chat.py:388] - Successfully saved 52974 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:12,288 - root - INFO - [chat.py:388] - Successfully saved 52992 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:12,562 - root - INFO - [chat.py:388] - Successfully saved 53015 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:12,833 - root - INFO - [chat.py:388] - Successfully saved 53033 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:13,094 - root - INFO - [chat.py:388] - Successfully saved 53053 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:13,378 - root - INFO - [chat.py:388] - Successfully saved 53072 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:13,640 - root - INFO - [chat.py:388] - Successfully saved 53092 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:13,913 - root - INFO - [chat.py:388] - Successfully saved 53118 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:14,191 - root - INFO - [chat.py:388] - Successfully saved 53147 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:14,461 - root - INFO - [chat.py:388] - Successfully saved 53176 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:14,745 - root - INFO - [chat.py:388] - Successfully saved 53205 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:15,012 - root - INFO - [chat.py:388] - Successfully saved 53234 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:15,278 - root - INFO - [chat.py:388] - Successfully saved 53259 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:15,538 - root - INFO - [chat.py:388] - Successfully saved 53280 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:15,796 - root - INFO - [chat.py:388] - Successfully saved 53300 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:16,059 - root - INFO - [chat.py:388] - Successfully saved 53320 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:16,326 - root - INFO - [chat.py:388] - Successfully saved 53340 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:16,600 - root - INFO - [chat.py:388] - Successfully saved 53361 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:16,861 - root - INFO - [chat.py:388] - Successfully saved 53383 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:17,122 - root - INFO - [chat.py:388] - Successfully saved 53404 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:17,388 - root - INFO - [chat.py:388] - Successfully saved 53424 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:17,646 - root - INFO - [chat.py:388] - Successfully saved 53444 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:17,908 - root - INFO - [chat.py:388] - Successfully saved 53464 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:18,172 - root - INFO - [chat.py:388] - Successfully saved 53484 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:18,436 - root - INFO - [chat.py:388] - Successfully saved 53506 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:18,697 - root - INFO - [chat.py:388] - Successfully saved 53527 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:18,958 - root - INFO - [chat.py:388] - Successfully saved 53547 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:19,222 - root - INFO - [chat.py:388] - Successfully saved 53567 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:19,486 - root - INFO - [chat.py:388] - Successfully saved 53587 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:19,750 - root - INFO - [chat.py:388] - Successfully saved 53607 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:20,020 - root - INFO - [chat.py:388] - Successfully saved 53629 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:20,282 - root - INFO - [chat.py:388] - Successfully saved 53658 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:20,541 - root - INFO - [chat.py:388] - Successfully saved 53686 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:20,801 - root - INFO - [chat.py:388] - Successfully saved 53714 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:21,062 - root - INFO - [chat.py:388] - Successfully saved 53743 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:21,329 - root - INFO - [chat.py:388] - Successfully saved 53772 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:21,594 - root - INFO - [chat.py:388] - Successfully saved 53801 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:21,862 - root - INFO - [chat.py:388] - Successfully saved 53827 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:22,124 - root - INFO - [chat.py:388] - Successfully saved 53851 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:22,386 - root - INFO - [chat.py:388] - Successfully saved 53878 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:22,645 - root - INFO - [chat.py:388] - Successfully saved 53907 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:22,910 - root - INFO - [chat.py:388] - Successfully saved 53936 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:23,178 - root - INFO - [chat.py:388] - Successfully saved 53964 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:23,442 - root - INFO - [chat.py:388] - Successfully saved 53993 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:23,707 - root - INFO - [chat.py:388] - Successfully saved 54022 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:23,971 - root - INFO - [chat.py:388] - Successfully saved 54051 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:24,239 - root - INFO - [chat.py:388] - Successfully saved 54077 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:24,500 - root - INFO - [chat.py:388] - Successfully saved 54105 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:24,773 - root - INFO - [chat.py:388] - Successfully saved 54134 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:25,041 - root - INFO - [chat.py:388] - Successfully saved 54162 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:25,305 - root - INFO - [chat.py:388] - Successfully saved 54190 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:25,580 - root - INFO - [chat.py:388] - Successfully saved 54219 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:25,851 - root - INFO - [chat.py:388] - Successfully saved 54248 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:26,123 - root - INFO - [chat.py:388] - Successfully saved 54277 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:26,389 - root - INFO - [chat.py:388] - Successfully saved 54306 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:26,650 - root - INFO - [chat.py:388] - Successfully saved 54335 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:26,911 - root - INFO - [chat.py:388] - Successfully saved 54364 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:27,175 - root - INFO - [chat.py:388] - Successfully saved 54393 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:27,443 - root - INFO - [chat.py:388] - Successfully saved 54420 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:27,712 - root - INFO - [chat.py:388] - Successfully saved 54449 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:27,980 - root - INFO - [chat.py:388] - Successfully saved 54473 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:28,248 - root - INFO - [chat.py:388] - Successfully saved 54499 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:28,512 - root - INFO - [chat.py:388] - Successfully saved 54528 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:28,780 - root - INFO - [chat.py:388] - Successfully saved 54549 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:29,044 - root - INFO - [chat.py:388] - Successfully saved 54578 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:29,311 - root - INFO - [chat.py:388] - Successfully saved 54603 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:29,580 - root - INFO - [chat.py:388] - Successfully saved 54628 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:29,848 - root - INFO - [chat.py:388] - Successfully saved 54657 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:30,114 - root - INFO - [chat.py:388] - Successfully saved 54678 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:30,381 - root - INFO - [chat.py:388] - Successfully saved 54707 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:30,647 - root - INFO - [chat.py:388] - Successfully saved 54733 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:30,915 - root - INFO - [chat.py:388] - Successfully saved 54757 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:31,188 - root - INFO - [chat.py:388] - Successfully saved 54786 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:31,455 - root - INFO - [chat.py:388] - Successfully saved 54807 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:31,762 - root - INFO - [chat.py:388] - Successfully saved 54836 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:32,040 - root - INFO - [chat.py:388] - Successfully saved 54863 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:32,324 - root - INFO - [chat.py:388] - Successfully saved 54885 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:32,606 - root - INFO - [chat.py:388] - Successfully saved 54914 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:32,873 - root - INFO - [chat.py:388] - Successfully saved 54937 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:33,151 - root - INFO - [chat.py:388] - Successfully saved 54964 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:33,430 - root - INFO - [chat.py:388] - Successfully saved 54988 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:33,795 - root - INFO - [chat.py:388] - Successfully saved 55016 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:34,083 - root - INFO - [chat.py:388] - Successfully saved 55045 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:34,380 - root - INFO - [chat.py:388] - Successfully saved 55072 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:34,677 - root - INFO - [chat.py:388] - Successfully saved 55101 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:34,973 - root - INFO - [chat.py:388] - Successfully saved 55129 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:35,288 - root - INFO - [chat.py:388] - Successfully saved 55155 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:35,575 - root - INFO - [chat.py:388] - Successfully saved 55184 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:35,848 - root - INFO - [chat.py:388] - Successfully saved 55212 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:36,127 - root - INFO - [chat.py:388] - Successfully saved 55239 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:36,397 - root - INFO - [chat.py:388] - Successfully saved 55268 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:36,669 - root - INFO - [chat.py:388] - Successfully saved 55292 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:36,939 - root - INFO - [chat.py:388] - Successfully saved 55315 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:37,219 - root - INFO - [chat.py:388] - Successfully saved 55342 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:37,503 - root - INFO - [chat.py:388] - Successfully saved 55369 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:37,779 - root - INFO - [chat.py:388] - Successfully saved 55393 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:38,056 - root - INFO - [chat.py:388] - Successfully saved 55422 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:38,330 - root - INFO - [chat.py:388] - Successfully saved 55449 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:38,602 - root - INFO - [chat.py:388] - Successfully saved 55472 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:38,872 - root - INFO - [chat.py:388] - Successfully saved 55501 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:39,143 - root - INFO - [chat.py:388] - Successfully saved 55528 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:39,412 - root - INFO - [chat.py:388] - Successfully saved 55552 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:39,682 - root - INFO - [chat.py:388] - Successfully saved 55581 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:39,951 - root - INFO - [chat.py:388] - Successfully saved 55604 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:40,225 - root - INFO - [chat.py:388] - Successfully saved 55628 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:40,503 - root - INFO - [chat.py:388] - Successfully saved 55652 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:40,775 - root - INFO - [chat.py:388] - Successfully saved 55676 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:41,046 - root - INFO - [chat.py:388] - Successfully saved 55701 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:41,317 - root - INFO - [chat.py:388] - Successfully saved 55723 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:41,585 - root - INFO - [chat.py:388] - Successfully saved 55749 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:41,866 - root - INFO - [chat.py:388] - Successfully saved 55770 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:42,140 - root - INFO - [chat.py:388] - Successfully saved 55797 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:42,414 - root - INFO - [chat.py:388] - Successfully saved 55816 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:42,689 - root - INFO - [chat.py:388] - Successfully saved 55843 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:42,957 - root - INFO - [chat.py:388] - Successfully saved 55862 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:43,233 - root - INFO - [chat.py:388] - Successfully saved 55890 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:43,505 - root - INFO - [chat.py:388] - Successfully saved 55910 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:43,865 - root - INFO - [chat.py:388] - Successfully saved 55937 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:44,136 - root - INFO - [chat.py:388] - Successfully saved 55962 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:44,404 - root - INFO - [chat.py:388] - Successfully saved 55990 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:44,678 - root - INFO - [chat.py:388] - Successfully saved 56019 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:44,952 - root - INFO - [chat.py:388] - Successfully saved 56048 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:45,232 - root - INFO - [chat.py:388] - Successfully saved 56077 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:45,514 - root - INFO - [chat.py:388] - Successfully saved 56106 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:45,788 - root - INFO - [chat.py:388] - Successfully saved 56133 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:46,063 - root - INFO - [chat.py:388] - Successfully saved 56162 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:46,340 - root - INFO - [chat.py:388] - Successfully saved 56191 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:46,615 - root - INFO - [chat.py:388] - Successfully saved 56220 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:46,903 - root - INFO - [chat.py:388] - Successfully saved 56248 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:47,189 - root - INFO - [chat.py:388] - Successfully saved 56277 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:47,474 - root - INFO - [chat.py:388] - Successfully saved 56306 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:47,771 - root - INFO - [chat.py:388] - Successfully saved 56335 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:48,051 - root - INFO - [chat.py:388] - Successfully saved 56364 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:48,382 - root - INFO - [chat.py:388] - Successfully saved 56393 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:48,675 - root - INFO - [chat.py:388] - Successfully saved 56422 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:48,969 - root - INFO - [chat.py:388] - Successfully saved 56451 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:49,245 - root - INFO - [chat.py:388] - Successfully saved 56480 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:49,522 - root - INFO - [chat.py:388] - Successfully saved 56509 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:49,797 - root - INFO - [chat.py:388] - Successfully saved 56538 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:50,073 - root - INFO - [chat.py:388] - Successfully saved 56567 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:50,350 - root - INFO - [chat.py:388] - Successfully saved 56596 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:50,627 - root - INFO - [chat.py:388] - Successfully saved 56625 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:50,902 - root - INFO - [chat.py:388] - Successfully saved 56654 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:51,177 - root - INFO - [chat.py:388] - Successfully saved 56683 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:51,454 - root - INFO - [chat.py:388] - Successfully saved 56712 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:51,733 - root - INFO - [chat.py:388] - Successfully saved 56741 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:52,012 - root - INFO - [chat.py:388] - Successfully saved 56765 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:52,293 - root - INFO - [chat.py:388] - Successfully saved 56794 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:52,570 - root - INFO - [chat.py:388] - Successfully saved 56823 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:52,850 - root - INFO - [chat.py:388] - Successfully saved 56852 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:53,123 - root - INFO - [chat.py:388] - Successfully saved 56879 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:53,399 - root - INFO - [chat.py:388] - Successfully saved 56908 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:53,675 - root - INFO - [chat.py:388] - Successfully saved 56937 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:53,956 - root - INFO - [chat.py:388] - Successfully saved 56960 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:54,242 - root - INFO - [chat.py:388] - Successfully saved 56987 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:54,517 - root - INFO - [chat.py:388] - Successfully saved 57016 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:54,799 - root - INFO - [chat.py:388] - Successfully saved 57038 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:55,076 - root - INFO - [chat.py:388] - Successfully saved 57059 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:55,358 - root - INFO - [chat.py:388] - Successfully saved 57086 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:55,650 - root - INFO - [chat.py:388] - Successfully saved 57113 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:55,932 - root - INFO - [chat.py:388] - Successfully saved 57138 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:56,216 - root - INFO - [chat.py:388] - Successfully saved 57166 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:56,495 - root - INFO - [chat.py:388] - Successfully saved 57183 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:56,773 - root - INFO - [chat.py:388] - Successfully saved 57207 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:57,048 - root - INFO - [chat.py:388] - Successfully saved 57231 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:57,327 - root - INFO - [chat.py:388] - Successfully saved 57257 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:57,639 - root - INFO - [chat.py:388] - Successfully saved 57285 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:57,933 - root - INFO - [chat.py:388] - Successfully saved 57314 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:58,214 - root - INFO - [chat.py:388] - Successfully saved 57343 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:58,493 - root - INFO - [chat.py:388] - Successfully saved 57372 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:58,776 - root - INFO - [chat.py:388] - Successfully saved 57395 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:59,056 - root - INFO - [chat.py:388] - Successfully saved 57420 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:59,340 - root - INFO - [chat.py:388] - Successfully saved 57438 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:59,622 - root - INFO - [chat.py:388] - Successfully saved 57458 unique ICD codes to JSON for hospital 229 -2025-06-07 17:26:59,902 - root - INFO - [chat.py:388] - Successfully saved 57487 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:00,185 - root - INFO - [chat.py:388] - Successfully saved 57516 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:00,462 - root - INFO - [chat.py:388] - Successfully saved 57545 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:00,741 - root - INFO - [chat.py:388] - Successfully saved 57574 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:01,019 - root - INFO - [chat.py:388] - Successfully saved 57603 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:01,299 - root - INFO - [chat.py:388] - Successfully saved 57629 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:01,579 - root - INFO - [chat.py:388] - Successfully saved 57655 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:01,860 - root - INFO - [chat.py:388] - Successfully saved 57684 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:02,139 - root - INFO - [chat.py:388] - Successfully saved 57712 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:02,422 - root - INFO - [chat.py:388] - Successfully saved 57741 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:02,709 - root - INFO - [chat.py:388] - Successfully saved 57770 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:03,005 - root - INFO - [chat.py:388] - Successfully saved 57799 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:03,301 - root - INFO - [chat.py:388] - Successfully saved 57827 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:03,592 - root - INFO - [chat.py:388] - Successfully saved 57856 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:03,894 - root - INFO - [chat.py:388] - Successfully saved 57885 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:04,196 - root - INFO - [chat.py:388] - Successfully saved 57910 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:04,484 - root - INFO - [chat.py:388] - Successfully saved 57931 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:04,787 - root - INFO - [chat.py:388] - Successfully saved 57951 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:05,074 - root - INFO - [chat.py:388] - Successfully saved 57980 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:05,366 - root - INFO - [chat.py:388] - Successfully saved 58005 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:05,652 - root - INFO - [chat.py:388] - Successfully saved 58028 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:05,940 - root - INFO - [chat.py:388] - Successfully saved 58052 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:06,224 - root - INFO - [chat.py:388] - Successfully saved 58078 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:06,509 - root - INFO - [chat.py:388] - Successfully saved 58103 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:06,798 - root - INFO - [chat.py:388] - Successfully saved 58127 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:07,085 - root - INFO - [chat.py:388] - Successfully saved 58154 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:07,371 - root - INFO - [chat.py:388] - Successfully saved 58183 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:07,655 - root - INFO - [chat.py:388] - Successfully saved 58212 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:07,942 - root - INFO - [chat.py:388] - Successfully saved 58241 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:08,228 - root - INFO - [chat.py:388] - Successfully saved 58270 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:08,534 - root - INFO - [chat.py:388] - Successfully saved 58296 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:08,688 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 17:27:08,689 - root - INFO - [chat.py:1820] - Received question from user default: tell me about pneumonia -2025-06-07 17:27:08,689 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 17:27:08,689 - root - INFO - [chat.py:1822] - Received session_id: 1 -2025-06-07 17:27:08,704 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 17:27:09,154 - root - INFO - [chat.py:754] - Key words: ['pneumonia'] -2025-06-07 17:27:09,154 - root - INFO - [chat.py:761] - Matches: 1 out of 1 keywords -2025-06-07 17:27:09,155 - root - INFO - [chat.py:764] - Match ratio: 1.0 -2025-06-07 17:27:09,312 - root - INFO - [chat.py:388] - Successfully saved 58324 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:09,611 - root - INFO - [chat.py:388] - Successfully saved 58341 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:09,916 - root - INFO - [chat.py:388] - Successfully saved 58364 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:10,206 - root - INFO - [chat.py:388] - Successfully saved 58391 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:10,496 - root - INFO - [chat.py:388] - Successfully saved 58417 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:10,788 - root - INFO - [chat.py:388] - Successfully saved 58437 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:11,079 - root - INFO - [chat.py:388] - Successfully saved 58455 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:11,373 - root - INFO - [chat.py:388] - Successfully saved 58477 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:11,661 - root - INFO - [chat.py:388] - Successfully saved 58502 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:11,958 - root - INFO - [chat.py:388] - Successfully saved 58531 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:12,255 - root - INFO - [chat.py:388] - Successfully saved 58560 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:12,377 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 17:27:12,406 - root - INFO - [chat.py:1621] - Generated RAG answer for question: tell me about pneumonia -2025-06-07 17:27:12,408 - root - INFO - [chat.py:917] - Stored RAG interaction in Redis for default:229:1 -2025-06-07 17:27:12,411 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 3.722s - IP: 127.0.0.1 -2025-06-07 17:27:12,416 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 17:27:12] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 17:27:12,592 - root - INFO - [chat.py:388] - Successfully saved 58589 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:12,890 - root - INFO - [chat.py:388] - Successfully saved 58616 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:13,177 - root - INFO - [chat.py:388] - Successfully saved 58645 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:13,477 - root - INFO - [chat.py:388] - Successfully saved 58670 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:13,771 - root - INFO - [chat.py:388] - Successfully saved 58690 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:14,071 - root - INFO - [chat.py:388] - Successfully saved 58712 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:14,367 - root - INFO - [chat.py:388] - Successfully saved 58733 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:14,652 - root - INFO - [chat.py:388] - Successfully saved 58761 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:14,943 - root - INFO - [chat.py:388] - Successfully saved 58790 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:15,229 - root - INFO - [chat.py:388] - Successfully saved 58817 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:15,515 - root - INFO - [chat.py:388] - Successfully saved 58842 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:15,805 - root - INFO - [chat.py:388] - Successfully saved 58868 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:16,094 - root - INFO - [chat.py:388] - Successfully saved 58890 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:16,385 - root - INFO - [chat.py:388] - Successfully saved 58909 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:16,678 - root - INFO - [chat.py:388] - Successfully saved 58934 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:16,972 - root - INFO - [chat.py:388] - Successfully saved 58959 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:17,263 - root - INFO - [chat.py:388] - Successfully saved 58988 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:17,548 - root - INFO - [chat.py:388] - Successfully saved 59017 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:17,840 - root - INFO - [chat.py:388] - Successfully saved 59046 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:18,129 - root - INFO - [chat.py:388] - Successfully saved 59070 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:18,421 - root - INFO - [chat.py:388] - Successfully saved 59090 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:18,707 - root - INFO - [chat.py:388] - Successfully saved 59115 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:19,004 - root - INFO - [chat.py:388] - Successfully saved 59135 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:19,297 - root - INFO - [chat.py:388] - Successfully saved 59163 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:19,591 - root - INFO - [chat.py:388] - Successfully saved 59192 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:19,882 - root - INFO - [chat.py:388] - Successfully saved 59221 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:20,170 - root - INFO - [chat.py:388] - Successfully saved 59246 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:20,464 - root - INFO - [chat.py:388] - Successfully saved 59265 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:20,753 - root - INFO - [chat.py:388] - Successfully saved 59285 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:21,047 - root - INFO - [chat.py:388] - Successfully saved 59310 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:21,336 - root - INFO - [chat.py:388] - Successfully saved 59336 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:21,621 - root - INFO - [chat.py:388] - Successfully saved 59358 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:21,917 - root - INFO - [chat.py:388] - Successfully saved 59378 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:22,206 - root - INFO - [chat.py:388] - Successfully saved 59403 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:22,503 - root - INFO - [chat.py:388] - Successfully saved 59432 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:22,794 - root - INFO - [chat.py:388] - Successfully saved 59459 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:23,085 - root - INFO - [chat.py:388] - Successfully saved 59486 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:23,376 - root - INFO - [chat.py:388] - Successfully saved 59506 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:23,663 - root - INFO - [chat.py:388] - Successfully saved 59529 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:23,957 - root - INFO - [chat.py:388] - Successfully saved 59556 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:24,247 - root - INFO - [chat.py:388] - Successfully saved 59584 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:24,542 - root - INFO - [chat.py:388] - Successfully saved 59610 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:24,833 - root - INFO - [chat.py:388] - Successfully saved 59631 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:25,120 - root - INFO - [chat.py:388] - Successfully saved 59650 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:25,428 - root - INFO - [chat.py:388] - Successfully saved 59677 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:25,725 - root - INFO - [chat.py:388] - Successfully saved 59706 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:26,031 - root - INFO - [chat.py:388] - Successfully saved 59733 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:26,332 - root - INFO - [chat.py:388] - Successfully saved 59756 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:26,635 - root - INFO - [chat.py:388] - Successfully saved 59776 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:26,940 - root - INFO - [chat.py:388] - Successfully saved 59805 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:27,233 - root - INFO - [chat.py:388] - Successfully saved 59834 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:27,532 - root - INFO - [chat.py:388] - Successfully saved 59863 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:27,824 - root - INFO - [chat.py:388] - Successfully saved 59892 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:28,120 - root - INFO - [chat.py:388] - Successfully saved 59921 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:28,420 - root - INFO - [chat.py:388] - Successfully saved 59950 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:28,720 - root - INFO - [chat.py:388] - Successfully saved 59979 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:29,213 - root - INFO - [chat.py:388] - Successfully saved 60008 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:29,518 - root - INFO - [chat.py:388] - Successfully saved 60027 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:29,815 - root - INFO - [chat.py:388] - Successfully saved 60045 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:30,107 - root - INFO - [chat.py:388] - Successfully saved 60070 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:30,405 - root - INFO - [chat.py:388] - Successfully saved 60094 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:30,696 - root - INFO - [chat.py:388] - Successfully saved 60122 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:30,992 - root - INFO - [chat.py:388] - Successfully saved 60151 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:31,287 - root - INFO - [chat.py:388] - Successfully saved 60179 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:31,576 - root - INFO - [chat.py:388] - Successfully saved 60208 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:31,880 - root - INFO - [chat.py:388] - Successfully saved 60237 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:32,178 - root - INFO - [chat.py:388] - Successfully saved 60266 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:32,479 - root - INFO - [chat.py:388] - Successfully saved 60293 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:32,777 - root - INFO - [chat.py:388] - Successfully saved 60320 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:33,075 - root - INFO - [chat.py:388] - Successfully saved 60344 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:33,371 - root - INFO - [chat.py:388] - Successfully saved 60366 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:33,690 - root - INFO - [chat.py:388] - Successfully saved 60388 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:33,996 - root - INFO - [chat.py:388] - Successfully saved 60416 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:34,297 - root - INFO - [chat.py:388] - Successfully saved 60445 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:34,371 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 17:27:34,374 - root - INFO - [chat.py:1820] - Received question from user default: tell me about typhoid -2025-06-07 17:27:34,376 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 17:27:34,377 - root - INFO - [chat.py:1822] - Received session_id: 1 -2025-06-07 17:27:34,391 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 17:27:34,857 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 17:27:34,858 - root - INFO - [chat.py:1563] - - Referential words: False -2025-06-07 17:27:34,860 - root - INFO - [chat.py:1564] - - Term similarity: 0.00 -2025-06-07 17:27:34,860 - root - INFO - [chat.py:1565] - - Entity attribute question: True -2025-06-07 17:27:34,861 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 17:27:34,863 - root - INFO - [chat.py:1567] - - Is follow-up: False -2025-06-07 17:27:34,864 - root - INFO - [chat.py:754] - Key words: ['typhoid'] -2025-06-07 17:27:34,865 - root - INFO - [chat.py:761] - Matches: 0 out of 1 keywords -2025-06-07 17:27:34,865 - root - INFO - [chat.py:764] - Match ratio: 0.0 -2025-06-07 17:27:34,865 - root - INFO - [chat.py:1576] - General knowledge question detected -2025-06-07 17:27:34,867 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 0.496s - IP: 127.0.0.1 -2025-06-07 17:27:34,868 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 17:27:34] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 17:27:35,072 - root - INFO - [chat.py:388] - Successfully saved 60473 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:35,401 - root - INFO - [chat.py:388] - Successfully saved 60502 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:35,724 - root - INFO - [chat.py:388] - Successfully saved 60526 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:36,659 - root - INFO - [chat.py:388] - Successfully saved 60551 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:36,957 - root - INFO - [chat.py:388] - Successfully saved 60580 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:37,265 - root - INFO - [chat.py:388] - Successfully saved 60609 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:37,566 - root - INFO - [chat.py:388] - Successfully saved 60638 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:37,869 - root - INFO - [chat.py:388] - Successfully saved 60667 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:38,170 - root - INFO - [chat.py:388] - Successfully saved 60696 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:38,476 - root - INFO - [chat.py:388] - Successfully saved 60721 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:38,788 - root - INFO - [chat.py:388] - Successfully saved 60743 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:39,097 - root - INFO - [chat.py:388] - Successfully saved 60772 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:39,405 - root - INFO - [chat.py:388] - Successfully saved 60801 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:39,707 - root - INFO - [chat.py:388] - Successfully saved 60824 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:40,002 - root - INFO - [chat.py:388] - Successfully saved 60851 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:40,297 - root - INFO - [chat.py:388] - Successfully saved 60879 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:40,588 - root - INFO - [chat.py:388] - Successfully saved 60908 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:40,891 - root - INFO - [chat.py:388] - Successfully saved 60936 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:41,192 - root - INFO - [chat.py:388] - Successfully saved 60962 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:41,499 - root - INFO - [chat.py:388] - Successfully saved 60989 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:41,804 - root - INFO - [chat.py:388] - Successfully saved 61018 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:42,107 - root - INFO - [chat.py:388] - Successfully saved 61047 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:42,414 - root - INFO - [chat.py:388] - Successfully saved 61074 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:42,724 - root - INFO - [chat.py:388] - Successfully saved 61102 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:43,026 - root - INFO - [chat.py:388] - Successfully saved 61125 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:43,327 - root - INFO - [chat.py:388] - Successfully saved 61152 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:43,632 - root - INFO - [chat.py:388] - Successfully saved 61177 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:43,934 - root - INFO - [chat.py:388] - Successfully saved 61202 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:44,236 - root - INFO - [chat.py:388] - Successfully saved 61229 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:44,546 - root - INFO - [chat.py:388] - Successfully saved 61258 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:44,852 - root - INFO - [chat.py:388] - Successfully saved 61285 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:45,158 - root - INFO - [chat.py:388] - Successfully saved 61307 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:45,458 - root - INFO - [chat.py:388] - Successfully saved 61330 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:45,765 - root - INFO - [chat.py:388] - Successfully saved 61358 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:46,067 - root - INFO - [chat.py:388] - Successfully saved 61387 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:46,368 - root - INFO - [chat.py:388] - Successfully saved 61416 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:46,668 - root - INFO - [chat.py:388] - Successfully saved 61445 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:46,968 - root - INFO - [chat.py:388] - Successfully saved 61474 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:47,272 - root - INFO - [chat.py:388] - Successfully saved 61503 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:47,581 - root - INFO - [chat.py:388] - Successfully saved 61528 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:47,884 - root - INFO - [chat.py:388] - Successfully saved 61553 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:48,183 - root - INFO - [chat.py:388] - Successfully saved 61577 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:48,488 - root - INFO - [chat.py:388] - Successfully saved 61602 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:48,790 - root - INFO - [chat.py:388] - Successfully saved 61631 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:49,098 - root - INFO - [chat.py:388] - Successfully saved 61660 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:49,405 - root - INFO - [chat.py:388] - Successfully saved 61689 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:49,703 - root - INFO - [chat.py:388] - Successfully saved 61718 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:50,008 - root - INFO - [chat.py:388] - Successfully saved 61747 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:50,315 - root - INFO - [chat.py:388] - Successfully saved 61776 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:50,620 - root - INFO - [chat.py:388] - Successfully saved 61805 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:50,936 - root - INFO - [chat.py:388] - Successfully saved 61832 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:51,241 - root - INFO - [chat.py:388] - Successfully saved 61856 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:51,544 - root - INFO - [chat.py:388] - Successfully saved 61879 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:51,848 - root - INFO - [chat.py:388] - Successfully saved 61904 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:52,149 - root - INFO - [chat.py:388] - Successfully saved 61930 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:52,458 - root - INFO - [chat.py:388] - Successfully saved 61957 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:52,759 - root - INFO - [chat.py:388] - Successfully saved 61975 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:53,066 - root - INFO - [chat.py:388] - Successfully saved 61993 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:53,368 - root - INFO - [chat.py:388] - Successfully saved 62011 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:53,667 - root - INFO - [chat.py:388] - Successfully saved 62029 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:53,970 - root - INFO - [chat.py:388] - Successfully saved 62047 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:54,279 - root - INFO - [chat.py:388] - Successfully saved 62065 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:54,586 - root - INFO - [chat.py:388] - Successfully saved 62083 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:54,901 - root - INFO - [chat.py:388] - Successfully saved 62101 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:55,217 - root - INFO - [chat.py:388] - Successfully saved 62119 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:55,565 - root - INFO - [chat.py:388] - Successfully saved 62144 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:55,929 - root - INFO - [chat.py:388] - Successfully saved 62173 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:56,242 - root - INFO - [chat.py:388] - Successfully saved 62202 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:56,579 - root - INFO - [chat.py:388] - Successfully saved 62231 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:56,897 - root - INFO - [chat.py:388] - Successfully saved 62260 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:57,202 - root - INFO - [chat.py:388] - Successfully saved 62288 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:57,508 - root - INFO - [chat.py:388] - Successfully saved 62315 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:57,600 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 17:27:57,602 - root - INFO - [chat.py:1820] - Received question from user default: tell me about coronavirus -2025-06-07 17:27:57,602 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 17:27:57,602 - root - INFO - [chat.py:1822] - Received session_id: 1 -2025-06-07 17:27:57,612 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 17:27:58,097 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 17:27:58,099 - root - INFO - [chat.py:1563] - - Referential words: False -2025-06-07 17:27:58,099 - root - INFO - [chat.py:1564] - - Term similarity: 0.00 -2025-06-07 17:27:58,100 - root - INFO - [chat.py:1565] - - Entity attribute question: True -2025-06-07 17:27:58,102 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 17:27:58,105 - root - INFO - [chat.py:1567] - - Is follow-up: False -2025-06-07 17:27:58,107 - root - INFO - [chat.py:754] - Key words: ['coronavirus'] -2025-06-07 17:27:58,108 - root - INFO - [chat.py:761] - Matches: 1 out of 1 keywords -2025-06-07 17:27:58,110 - root - INFO - [chat.py:764] - Match ratio: 1.0 -2025-06-07 17:27:58,311 - root - INFO - [chat.py:388] - Successfully saved 62343 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:58,622 - root - INFO - [chat.py:388] - Successfully saved 62370 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:58,937 - root - INFO - [chat.py:388] - Successfully saved 62394 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:59,247 - root - INFO - [chat.py:388] - Successfully saved 62422 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:59,563 - root - INFO - [chat.py:388] - Successfully saved 62447 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:59,879 - root - INFO - [chat.py:388] - Successfully saved 62476 unique ICD codes to JSON for hospital 229 -2025-06-07 17:27:59,891 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 17:27:59,894 - root - INFO - [chat.py:1621] - Generated RAG answer for question: tell me about coronavirus -2025-06-07 17:27:59,895 - root - INFO - [chat.py:917] - Stored RAG interaction in Redis for default:229:1 -2025-06-07 17:27:59,935 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 2.336s - IP: 127.0.0.1 -2025-06-07 17:27:59,952 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 17:27:59] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 17:28:00,215 - root - INFO - [chat.py:388] - Successfully saved 62505 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:00,531 - root - INFO - [chat.py:388] - Successfully saved 62534 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:00,844 - root - INFO - [chat.py:388] - Successfully saved 62563 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:01,153 - root - INFO - [chat.py:388] - Successfully saved 62589 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:01,469 - root - INFO - [chat.py:388] - Successfully saved 62613 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:01,785 - root - INFO - [chat.py:388] - Successfully saved 62636 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:02,099 - root - INFO - [chat.py:388] - Successfully saved 62663 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:02,410 - root - INFO - [chat.py:388] - Successfully saved 62688 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:02,718 - root - INFO - [chat.py:388] - Successfully saved 62715 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:03,036 - root - INFO - [chat.py:388] - Successfully saved 62744 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:03,347 - root - INFO - [chat.py:388] - Successfully saved 62773 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:03,653 - root - INFO - [chat.py:388] - Successfully saved 62801 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:03,979 - root - INFO - [chat.py:388] - Successfully saved 62826 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:04,305 - root - INFO - [chat.py:388] - Successfully saved 62855 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:04,629 - root - INFO - [chat.py:388] - Successfully saved 62877 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:04,958 - root - INFO - [chat.py:388] - Successfully saved 62902 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:05,267 - root - INFO - [chat.py:388] - Successfully saved 62927 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:05,575 - root - INFO - [chat.py:388] - Successfully saved 62952 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:05,883 - root - INFO - [chat.py:388] - Successfully saved 62975 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:06,190 - root - INFO - [chat.py:388] - Successfully saved 62995 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:06,495 - root - INFO - [chat.py:388] - Successfully saved 63015 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:06,801 - root - INFO - [chat.py:388] - Successfully saved 63037 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:07,108 - root - INFO - [chat.py:388] - Successfully saved 63059 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:07,419 - root - INFO - [chat.py:388] - Successfully saved 63078 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:07,724 - root - INFO - [chat.py:388] - Successfully saved 63098 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:08,033 - root - INFO - [chat.py:388] - Successfully saved 63122 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:08,342 - root - INFO - [chat.py:388] - Successfully saved 63149 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:08,645 - root - INFO - [chat.py:388] - Successfully saved 63175 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:08,954 - root - INFO - [chat.py:388] - Successfully saved 63200 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:09,262 - root - INFO - [chat.py:388] - Successfully saved 63225 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:09,577 - root - INFO - [chat.py:388] - Successfully saved 63252 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:09,890 - root - INFO - [chat.py:388] - Successfully saved 63274 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:10,199 - root - INFO - [chat.py:388] - Successfully saved 63292 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:10,512 - root - INFO - [chat.py:388] - Successfully saved 63319 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:10,818 - root - INFO - [chat.py:388] - Successfully saved 63343 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:11,132 - root - INFO - [chat.py:388] - Successfully saved 63372 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:11,440 - root - INFO - [chat.py:388] - Successfully saved 63401 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:11,746 - root - INFO - [chat.py:388] - Successfully saved 63430 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:12,059 - root - INFO - [chat.py:388] - Successfully saved 63457 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:12,372 - root - INFO - [chat.py:388] - Successfully saved 63484 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:12,680 - root - INFO - [chat.py:388] - Successfully saved 63513 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:12,999 - root - INFO - [chat.py:388] - Successfully saved 63540 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:13,308 - root - INFO - [chat.py:388] - Successfully saved 63567 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:13,629 - root - INFO - [chat.py:388] - Successfully saved 63594 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:13,937 - root - INFO - [chat.py:388] - Successfully saved 63620 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:14,245 - root - INFO - [chat.py:388] - Successfully saved 63640 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:14,555 - root - INFO - [chat.py:388] - Successfully saved 63657 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:14,862 - root - INFO - [chat.py:388] - Successfully saved 63674 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:15,171 - root - INFO - [chat.py:388] - Successfully saved 63691 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:15,480 - root - INFO - [chat.py:388] - Successfully saved 63709 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:15,789 - root - INFO - [chat.py:388] - Successfully saved 63726 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:16,098 - root - INFO - [chat.py:388] - Successfully saved 63743 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:16,410 - root - INFO - [chat.py:388] - Successfully saved 63760 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:16,717 - root - INFO - [chat.py:388] - Successfully saved 63777 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:17,029 - root - INFO - [chat.py:388] - Successfully saved 63794 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:17,343 - root - INFO - [chat.py:388] - Successfully saved 63812 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:17,663 - root - INFO - [chat.py:388] - Successfully saved 63829 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:17,973 - root - INFO - [chat.py:388] - Successfully saved 63854 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:18,285 - root - INFO - [chat.py:388] - Successfully saved 63874 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:18,595 - root - INFO - [chat.py:388] - Successfully saved 63893 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:18,913 - root - INFO - [chat.py:388] - Successfully saved 63911 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:19,226 - root - INFO - [chat.py:388] - Successfully saved 63928 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:19,542 - root - INFO - [chat.py:388] - Successfully saved 63946 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:19,856 - root - INFO - [chat.py:388] - Successfully saved 63963 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:20,197 - root - INFO - [chat.py:388] - Successfully saved 63980 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:20,508 - root - INFO - [chat.py:388] - Successfully saved 63997 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:20,819 - root - INFO - [chat.py:388] - Successfully saved 64015 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:21,131 - root - INFO - [chat.py:388] - Successfully saved 64033 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:21,449 - root - INFO - [chat.py:388] - Successfully saved 64052 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:21,762 - root - INFO - [chat.py:388] - Successfully saved 64070 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:22,074 - root - INFO - [chat.py:388] - Successfully saved 64088 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:22,389 - root - INFO - [chat.py:388] - Successfully saved 64108 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:22,701 - root - INFO - [chat.py:388] - Successfully saved 64128 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:23,016 - root - INFO - [chat.py:388] - Successfully saved 64148 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:23,335 - root - INFO - [chat.py:388] - Successfully saved 64165 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:23,652 - root - INFO - [chat.py:388] - Successfully saved 64183 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:23,965 - root - INFO - [chat.py:388] - Successfully saved 64200 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:24,280 - root - INFO - [chat.py:388] - Successfully saved 64217 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:24,598 - root - INFO - [chat.py:388] - Successfully saved 64234 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:24,911 - root - INFO - [chat.py:388] - Successfully saved 64252 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:25,231 - root - INFO - [chat.py:388] - Successfully saved 64270 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:25,571 - root - INFO - [chat.py:388] - Successfully saved 64288 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:25,892 - root - INFO - [chat.py:388] - Successfully saved 64306 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:26,210 - root - INFO - [chat.py:388] - Successfully saved 64324 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:26,526 - root - INFO - [chat.py:388] - Successfully saved 64342 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:26,841 - root - INFO - [chat.py:388] - Successfully saved 64359 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:27,158 - root - INFO - [chat.py:388] - Successfully saved 64376 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:27,476 - root - INFO - [chat.py:388] - Successfully saved 64393 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:27,788 - root - INFO - [chat.py:388] - Successfully saved 64410 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:28,102 - root - INFO - [chat.py:388] - Successfully saved 64427 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:28,415 - root - INFO - [chat.py:388] - Successfully saved 64444 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:28,730 - root - INFO - [chat.py:388] - Successfully saved 64461 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:29,043 - root - INFO - [chat.py:388] - Successfully saved 64478 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:29,359 - root - INFO - [chat.py:388] - Successfully saved 64495 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:29,673 - root - INFO - [chat.py:388] - Successfully saved 64512 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:29,992 - root - INFO - [chat.py:388] - Successfully saved 64529 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:30,307 - root - INFO - [chat.py:388] - Successfully saved 64546 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:30,622 - root - INFO - [chat.py:388] - Successfully saved 64563 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:30,935 - root - INFO - [chat.py:388] - Successfully saved 64580 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:31,260 - root - INFO - [chat.py:388] - Successfully saved 64597 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:31,612 - root - INFO - [chat.py:388] - Successfully saved 64614 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:31,993 - root - INFO - [chat.py:388] - Successfully saved 64632 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:32,374 - root - INFO - [chat.py:388] - Successfully saved 64652 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:32,733 - root - INFO - [chat.py:388] - Successfully saved 64676 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:33,053 - root - INFO - [chat.py:388] - Successfully saved 64694 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:33,366 - root - INFO - [chat.py:388] - Successfully saved 64715 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:33,718 - root - INFO - [chat.py:388] - Successfully saved 64737 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:34,046 - root - INFO - [chat.py:388] - Successfully saved 64759 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:34,375 - root - INFO - [chat.py:388] - Successfully saved 64786 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:34,695 - root - INFO - [chat.py:388] - Successfully saved 64807 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:35,029 - root - INFO - [chat.py:388] - Successfully saved 64826 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:35,374 - root - INFO - [chat.py:388] - Successfully saved 64844 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:35,741 - root - INFO - [chat.py:388] - Successfully saved 64862 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:36,088 - root - INFO - [chat.py:388] - Successfully saved 64880 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:36,427 - root - INFO - [chat.py:388] - Successfully saved 64900 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:36,756 - root - INFO - [chat.py:388] - Successfully saved 64919 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:37,528 - root - INFO - [chat.py:388] - Successfully saved 64940 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:38,065 - root - INFO - [chat.py:388] - Successfully saved 64961 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:38,390 - root - INFO - [chat.py:388] - Successfully saved 64982 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:38,723 - root - INFO - [chat.py:388] - Successfully saved 65001 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:38,906 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 17:28:38,907 - root - INFO - [chat.py:1820] - Received question from user default: can u tell me about scatteting of light -2025-06-07 17:28:38,907 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 17:28:38,907 - root - INFO - [chat.py:1822] - Received session_id: 1 -2025-06-07 17:28:38,918 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 17:28:39,351 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 17:28:39,351 - root - INFO - [chat.py:1563] - - Referential words: False -2025-06-07 17:28:39,352 - root - INFO - [chat.py:1564] - - Term similarity: 0.02 -2025-06-07 17:28:39,352 - root - INFO - [chat.py:1565] - - Entity attribute question: True -2025-06-07 17:28:39,352 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 17:28:39,352 - root - INFO - [chat.py:1567] - - Is follow-up: False -2025-06-07 17:28:39,352 - root - INFO - [chat.py:754] - Key words: ['scatteting', 'light'] -2025-06-07 17:28:39,352 - root - INFO - [chat.py:761] - Matches: 0 out of 2 keywords -2025-06-07 17:28:39,352 - root - INFO - [chat.py:764] - Match ratio: 0.0 -2025-06-07 17:28:39,353 - root - INFO - [chat.py:1576] - General knowledge question detected -2025-06-07 17:28:39,354 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 0.448s - IP: 127.0.0.1 -2025-06-07 17:28:39,355 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 17:28:39] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 17:28:39,480 - root - INFO - [chat.py:388] - Successfully saved 65018 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:39,797 - root - INFO - [chat.py:388] - Successfully saved 65035 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:40,117 - root - INFO - [chat.py:388] - Successfully saved 65053 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:40,444 - root - INFO - [chat.py:388] - Successfully saved 65070 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:40,887 - root - INFO - [chat.py:388] - Successfully saved 65087 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:41,224 - root - INFO - [chat.py:388] - Successfully saved 65104 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:41,724 - root - INFO - [chat.py:388] - Successfully saved 65121 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:42,079 - root - INFO - [chat.py:388] - Successfully saved 65138 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:42,405 - root - INFO - [chat.py:388] - Successfully saved 65155 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:42,735 - root - INFO - [chat.py:388] - Successfully saved 65172 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:43,075 - root - INFO - [chat.py:388] - Successfully saved 65189 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:43,417 - root - INFO - [chat.py:388] - Successfully saved 65206 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:43,749 - root - INFO - [chat.py:388] - Successfully saved 65223 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:44,085 - root - INFO - [chat.py:388] - Successfully saved 65240 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:44,411 - root - INFO - [chat.py:388] - Successfully saved 65257 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:44,729 - root - INFO - [chat.py:388] - Successfully saved 65274 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:45,056 - root - INFO - [chat.py:388] - Successfully saved 65291 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:45,384 - root - INFO - [chat.py:388] - Successfully saved 65308 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:45,716 - root - INFO - [chat.py:388] - Successfully saved 65325 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:46,044 - root - INFO - [chat.py:388] - Successfully saved 65343 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:46,368 - root - INFO - [chat.py:388] - Successfully saved 65360 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:46,694 - root - INFO - [chat.py:388] - Successfully saved 65377 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:47,031 - root - INFO - [chat.py:388] - Successfully saved 65394 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:47,351 - root - INFO - [chat.py:388] - Successfully saved 65411 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:47,672 - root - INFO - [chat.py:388] - Successfully saved 65428 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:47,998 - root - INFO - [chat.py:388] - Successfully saved 65445 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:48,321 - root - INFO - [chat.py:388] - Successfully saved 65462 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:48,649 - root - INFO - [chat.py:388] - Successfully saved 65479 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:48,973 - root - INFO - [chat.py:388] - Successfully saved 65496 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:49,294 - root - INFO - [chat.py:388] - Successfully saved 65513 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:49,615 - root - INFO - [chat.py:388] - Successfully saved 65530 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:49,938 - root - INFO - [chat.py:388] - Successfully saved 65547 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:50,261 - root - INFO - [chat.py:388] - Successfully saved 65564 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:50,584 - root - INFO - [chat.py:388] - Successfully saved 65582 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:50,925 - root - INFO - [chat.py:388] - Successfully saved 65601 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:51,249 - root - INFO - [chat.py:388] - Successfully saved 65623 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:51,317 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 17:28:51,317 - root - INFO - [chat.py:1820] - Received question from user default: what is refraction -2025-06-07 17:28:51,317 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 17:28:51,317 - root - INFO - [chat.py:1822] - Received session_id: 1 -2025-06-07 17:28:51,330 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 17:28:51,777 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 17:28:51,779 - root - INFO - [chat.py:1563] - - Referential words: False -2025-06-07 17:28:51,781 - root - INFO - [chat.py:1564] - - Term similarity: 0.00 -2025-06-07 17:28:51,783 - root - INFO - [chat.py:1565] - - Entity attribute question: False -2025-06-07 17:28:51,785 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 17:28:51,787 - root - INFO - [chat.py:1567] - - Is follow-up: False -2025-06-07 17:28:51,789 - root - INFO - [chat.py:754] - Key words: ['refraction'] -2025-06-07 17:28:51,791 - root - INFO - [chat.py:761] - Matches: 1 out of 1 keywords -2025-06-07 17:28:51,792 - root - INFO - [chat.py:764] - Match ratio: 1.0 -2025-06-07 17:28:53,558 - root - INFO - [chat.py:388] - Successfully saved 65642 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:53,622 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 17:28:53,638 - root - INFO - [chat.py:1621] - Generated RAG answer for question: what is refraction -2025-06-07 17:28:53,641 - root - INFO - [chat.py:917] - Stored RAG interaction in Redis for default:229:1 -2025-06-07 17:28:53,646 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 2.330s - IP: 127.0.0.1 -2025-06-07 17:28:53,648 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 17:28:53] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 17:28:53,905 - root - INFO - [chat.py:388] - Successfully saved 65659 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:54,228 - root - INFO - [chat.py:388] - Successfully saved 65677 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:54,553 - root - INFO - [chat.py:388] - Successfully saved 65695 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:54,870 - root - INFO - [chat.py:388] - Successfully saved 65713 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:55,190 - root - INFO - [chat.py:388] - Successfully saved 65731 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:55,517 - root - INFO - [chat.py:388] - Successfully saved 65749 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:55,856 - root - INFO - [chat.py:388] - Successfully saved 65767 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:56,188 - root - INFO - [chat.py:388] - Successfully saved 65785 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:56,544 - root - INFO - [chat.py:388] - Successfully saved 65804 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:56,870 - root - INFO - [chat.py:388] - Successfully saved 65824 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:57,191 - root - INFO - [chat.py:388] - Successfully saved 65843 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:57,526 - root - INFO - [chat.py:388] - Successfully saved 65862 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:57,880 - root - INFO - [chat.py:388] - Successfully saved 65882 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:58,224 - root - INFO - [chat.py:388] - Successfully saved 65904 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:58,557 - root - INFO - [chat.py:388] - Successfully saved 65926 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:58,892 - root - INFO - [chat.py:388] - Successfully saved 65952 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:59,216 - root - INFO - [chat.py:388] - Successfully saved 65972 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:59,539 - root - INFO - [chat.py:388] - Successfully saved 65990 unique ICD codes to JSON for hospital 229 -2025-06-07 17:28:59,863 - root - INFO - [chat.py:388] - Successfully saved 66010 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:00,189 - root - INFO - [chat.py:388] - Successfully saved 66038 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:00,515 - root - INFO - [chat.py:388] - Successfully saved 66063 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:00,836 - root - INFO - [chat.py:388] - Successfully saved 66088 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:01,158 - root - INFO - [chat.py:388] - Successfully saved 66112 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:01,484 - root - INFO - [chat.py:388] - Successfully saved 66139 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:01,804 - root - INFO - [chat.py:388] - Successfully saved 66163 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:02,125 - root - INFO - [chat.py:388] - Successfully saved 66187 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:02,448 - root - INFO - [chat.py:388] - Successfully saved 66214 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:02,773 - root - INFO - [chat.py:388] - Successfully saved 66237 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:03,098 - root - INFO - [chat.py:388] - Successfully saved 66259 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:03,418 - root - INFO - [chat.py:388] - Successfully saved 66279 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:03,741 - root - INFO - [chat.py:388] - Successfully saved 66300 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:04,087 - root - INFO - [chat.py:388] - Successfully saved 66325 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:04,420 - root - INFO - [chat.py:388] - Successfully saved 66352 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:04,766 - root - INFO - [chat.py:388] - Successfully saved 66379 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:05,097 - root - INFO - [chat.py:388] - Successfully saved 66399 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:05,429 - root - INFO - [chat.py:388] - Successfully saved 66418 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:05,784 - root - INFO - [chat.py:388] - Successfully saved 66438 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:06,126 - root - INFO - [chat.py:388] - Successfully saved 66463 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:06,448 - root - INFO - [chat.py:388] - Successfully saved 66491 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:06,780 - root - INFO - [chat.py:388] - Successfully saved 66512 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:07,197 - root - INFO - [chat.py:388] - Successfully saved 66530 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:07,534 - root - INFO - [chat.py:388] - Successfully saved 66550 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:07,857 - root - INFO - [chat.py:388] - Successfully saved 66576 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:08,190 - root - INFO - [chat.py:388] - Successfully saved 66605 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:08,514 - root - INFO - [chat.py:388] - Successfully saved 66634 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:08,843 - root - INFO - [chat.py:388] - Successfully saved 66653 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:09,171 - root - INFO - [chat.py:388] - Successfully saved 66672 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:09,496 - root - INFO - [chat.py:388] - Successfully saved 66692 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:09,866 - root - INFO - [chat.py:388] - Successfully saved 66721 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:10,218 - root - INFO - [chat.py:388] - Successfully saved 66750 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:10,562 - root - INFO - [chat.py:388] - Successfully saved 66779 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:10,897 - root - INFO - [chat.py:388] - Successfully saved 66808 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:11,237 - root - INFO - [chat.py:388] - Successfully saved 66837 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:11,565 - root - INFO - [chat.py:388] - Successfully saved 66864 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:11,899 - root - INFO - [chat.py:388] - Successfully saved 66888 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:12,235 - root - INFO - [chat.py:388] - Successfully saved 66917 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:12,566 - root - INFO - [chat.py:388] - Successfully saved 66942 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:12,899 - root - INFO - [chat.py:388] - Successfully saved 66970 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:13,228 - root - INFO - [chat.py:388] - Successfully saved 66999 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:13,574 - root - INFO - [chat.py:388] - Successfully saved 67028 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:13,904 - root - INFO - [chat.py:388] - Successfully saved 67057 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:14,234 - root - INFO - [chat.py:388] - Successfully saved 67086 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:14,578 - root - INFO - [chat.py:388] - Successfully saved 67115 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:14,911 - root - INFO - [chat.py:388] - Successfully saved 67144 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:15,256 - root - INFO - [chat.py:388] - Successfully saved 67162 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:15,593 - root - INFO - [chat.py:388] - Successfully saved 67185 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:15,923 - root - INFO - [chat.py:388] - Successfully saved 67214 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:16,259 - root - INFO - [chat.py:388] - Successfully saved 67243 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:16,590 - root - INFO - [chat.py:388] - Successfully saved 67269 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:16,917 - root - INFO - [chat.py:388] - Successfully saved 67293 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:17,256 - root - INFO - [chat.py:388] - Successfully saved 67320 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:17,586 - root - INFO - [chat.py:388] - Successfully saved 67342 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:17,919 - root - INFO - [chat.py:388] - Successfully saved 67361 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:18,260 - root - INFO - [chat.py:388] - Successfully saved 67382 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:18,592 - root - INFO - [chat.py:388] - Successfully saved 67409 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:18,918 - root - INFO - [chat.py:388] - Successfully saved 67438 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:19,249 - root - INFO - [chat.py:388] - Successfully saved 67463 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:19,581 - root - INFO - [chat.py:388] - Successfully saved 67492 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:19,910 - root - INFO - [chat.py:388] - Successfully saved 67521 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:20,245 - root - INFO - [chat.py:388] - Successfully saved 67550 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:20,580 - root - INFO - [chat.py:388] - Successfully saved 67578 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:20,909 - root - INFO - [chat.py:388] - Successfully saved 67607 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:21,249 - root - INFO - [chat.py:388] - Successfully saved 67636 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:21,583 - root - INFO - [chat.py:388] - Successfully saved 67664 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:21,912 - root - INFO - [chat.py:388] - Successfully saved 67693 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:22,243 - root - INFO - [chat.py:388] - Successfully saved 67722 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:22,574 - root - INFO - [chat.py:388] - Successfully saved 67751 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:22,904 - root - INFO - [chat.py:388] - Successfully saved 67780 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:23,236 - root - INFO - [chat.py:388] - Successfully saved 67809 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:23,567 - root - INFO - [chat.py:388] - Successfully saved 67838 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:23,901 - root - INFO - [chat.py:388] - Successfully saved 67867 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:24,233 - root - INFO - [chat.py:388] - Successfully saved 67896 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:24,567 - root - INFO - [chat.py:388] - Successfully saved 67925 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:24,896 - root - INFO - [chat.py:388] - Successfully saved 67954 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:25,233 - root - INFO - [chat.py:388] - Successfully saved 67983 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:25,566 - root - INFO - [chat.py:388] - Successfully saved 68012 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:25,909 - root - INFO - [chat.py:388] - Successfully saved 68040 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:26,247 - root - INFO - [chat.py:388] - Successfully saved 68069 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:26,576 - root - INFO - [chat.py:388] - Successfully saved 68098 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:26,906 - root - INFO - [chat.py:388] - Successfully saved 68127 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:27,240 - root - INFO - [chat.py:388] - Successfully saved 68156 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:27,571 - root - INFO - [chat.py:388] - Successfully saved 68185 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:27,903 - root - INFO - [chat.py:388] - Successfully saved 68213 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:28,238 - root - INFO - [chat.py:388] - Successfully saved 68242 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:28,568 - root - INFO - [chat.py:388] - Successfully saved 68270 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:28,902 - root - INFO - [chat.py:388] - Successfully saved 68296 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:29,236 - root - INFO - [chat.py:388] - Successfully saved 68324 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:29,567 - root - INFO - [chat.py:388] - Successfully saved 68353 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:29,898 - root - INFO - [chat.py:388] - Successfully saved 68382 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:30,231 - root - INFO - [chat.py:388] - Successfully saved 68411 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:30,571 - root - INFO - [chat.py:388] - Successfully saved 68440 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:30,900 - root - INFO - [chat.py:388] - Successfully saved 68469 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:31,236 - root - INFO - [chat.py:388] - Successfully saved 68498 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:31,569 - root - INFO - [chat.py:388] - Successfully saved 68527 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:31,900 - root - INFO - [chat.py:388] - Successfully saved 68555 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:32,237 - root - INFO - [chat.py:388] - Successfully saved 68582 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:32,581 - root - INFO - [chat.py:388] - Successfully saved 68611 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:32,911 - root - INFO - [chat.py:388] - Successfully saved 68640 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:33,245 - root - INFO - [chat.py:388] - Successfully saved 68668 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:33,581 - root - INFO - [chat.py:388] - Successfully saved 68697 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:33,913 - root - INFO - [chat.py:388] - Successfully saved 68726 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:34,248 - root - INFO - [chat.py:388] - Successfully saved 68755 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:34,587 - root - INFO - [chat.py:388] - Successfully saved 68784 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:34,922 - root - INFO - [chat.py:388] - Successfully saved 68813 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:35,264 - root - INFO - [chat.py:388] - Successfully saved 68842 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:35,604 - root - INFO - [chat.py:388] - Successfully saved 68871 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:36,124 - root - INFO - [chat.py:388] - Successfully saved 68898 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:36,490 - root - INFO - [chat.py:388] - Successfully saved 68927 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:36,853 - root - INFO - [chat.py:388] - Successfully saved 68956 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:37,223 - root - INFO - [chat.py:388] - Successfully saved 68981 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:37,591 - root - INFO - [chat.py:388] - Successfully saved 69005 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:37,952 - root - INFO - [chat.py:388] - Successfully saved 69030 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:38,300 - root - INFO - [chat.py:388] - Successfully saved 69055 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:38,640 - root - INFO - [chat.py:388] - Successfully saved 69081 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:38,979 - root - INFO - [chat.py:388] - Successfully saved 69108 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:39,323 - root - INFO - [chat.py:388] - Successfully saved 69133 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:39,701 - root - INFO - [chat.py:388] - Successfully saved 69158 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:40,045 - root - INFO - [chat.py:388] - Successfully saved 69185 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:40,383 - root - INFO - [chat.py:388] - Successfully saved 69209 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:40,725 - root - INFO - [chat.py:388] - Successfully saved 69229 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:41,071 - root - INFO - [chat.py:388] - Successfully saved 69248 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:41,414 - root - INFO - [chat.py:388] - Successfully saved 69272 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:41,762 - root - INFO - [chat.py:388] - Successfully saved 69292 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:42,388 - root - INFO - [chat.py:388] - Successfully saved 69317 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:42,733 - root - INFO - [chat.py:388] - Successfully saved 69342 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:43,349 - root - INFO - [chat.py:388] - Successfully saved 69367 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:43,703 - root - INFO - [chat.py:388] - Successfully saved 69389 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:44,101 - root - INFO - [chat.py:388] - Successfully saved 69410 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:44,442 - root - INFO - [chat.py:388] - Successfully saved 69432 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:44,800 - root - INFO - [chat.py:388] - Successfully saved 69451 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:45,238 - root - INFO - [chat.py:388] - Successfully saved 69475 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:45,582 - root - INFO - [chat.py:388] - Successfully saved 69498 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:46,040 - root - INFO - [chat.py:388] - Successfully saved 69518 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:46,386 - root - INFO - [chat.py:388] - Successfully saved 69536 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:46,732 - root - INFO - [chat.py:388] - Successfully saved 69560 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:47,070 - root - INFO - [chat.py:388] - Successfully saved 69580 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:47,408 - root - INFO - [chat.py:388] - Successfully saved 69602 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:47,748 - root - INFO - [chat.py:388] - Successfully saved 69627 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:48,089 - root - INFO - [chat.py:388] - Successfully saved 69652 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:48,431 - root - INFO - [chat.py:388] - Successfully saved 69672 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:48,774 - root - INFO - [chat.py:388] - Successfully saved 69693 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:49,116 - root - INFO - [chat.py:388] - Successfully saved 69715 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:49,459 - root - INFO - [chat.py:388] - Successfully saved 69738 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:49,796 - root - INFO - [chat.py:388] - Successfully saved 69763 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:50,134 - root - INFO - [chat.py:388] - Successfully saved 69791 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:50,473 - root - INFO - [chat.py:388] - Successfully saved 69820 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:50,816 - root - INFO - [chat.py:388] - Successfully saved 69849 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:51,163 - root - INFO - [chat.py:388] - Successfully saved 69873 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:51,505 - root - INFO - [chat.py:388] - Successfully saved 69891 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:51,847 - root - INFO - [chat.py:388] - Successfully saved 69911 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:52,202 - root - INFO - [chat.py:388] - Successfully saved 69929 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:52,545 - root - INFO - [chat.py:388] - Successfully saved 69950 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:52,884 - root - INFO - [chat.py:388] - Successfully saved 69972 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:53,230 - root - INFO - [chat.py:388] - Successfully saved 69999 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:53,573 - root - INFO - [chat.py:388] - Successfully saved 70025 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:53,919 - root - INFO - [chat.py:388] - Successfully saved 70053 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:54,262 - root - INFO - [chat.py:388] - Successfully saved 70077 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:54,609 - root - INFO - [chat.py:388] - Successfully saved 70106 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:54,956 - root - INFO - [chat.py:388] - Successfully saved 70133 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:55,298 - root - INFO - [chat.py:388] - Successfully saved 70162 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:55,651 - root - INFO - [chat.py:388] - Successfully saved 70191 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:56,006 - root - INFO - [chat.py:388] - Successfully saved 70220 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:56,362 - root - INFO - [chat.py:388] - Successfully saved 70249 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:56,712 - root - INFO - [chat.py:388] - Successfully saved 70278 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:57,089 - root - INFO - [chat.py:388] - Successfully saved 70306 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:57,447 - root - INFO - [chat.py:388] - Successfully saved 70335 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:57,796 - root - INFO - [chat.py:388] - Successfully saved 70362 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:58,140 - root - INFO - [chat.py:388] - Successfully saved 70390 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:58,488 - root - INFO - [chat.py:388] - Successfully saved 70419 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:58,841 - root - INFO - [chat.py:388] - Successfully saved 70448 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:59,189 - root - INFO - [chat.py:388] - Successfully saved 70475 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:59,536 - root - INFO - [chat.py:388] - Successfully saved 70504 unique ICD codes to JSON for hospital 229 -2025-06-07 17:29:59,881 - root - INFO - [chat.py:388] - Successfully saved 70533 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:00,236 - root - INFO - [chat.py:388] - Successfully saved 70562 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:00,591 - root - INFO - [chat.py:388] - Successfully saved 70591 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:00,941 - root - INFO - [chat.py:388] - Successfully saved 70620 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:01,314 - root - INFO - [chat.py:388] - Successfully saved 70649 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:01,682 - root - INFO - [chat.py:388] - Successfully saved 70677 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:02,051 - root - INFO - [chat.py:388] - Successfully saved 70706 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:02,432 - root - INFO - [chat.py:388] - Successfully saved 70733 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:02,795 - root - INFO - [chat.py:388] - Successfully saved 70762 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:03,160 - root - INFO - [chat.py:388] - Successfully saved 70791 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:03,519 - root - INFO - [chat.py:388] - Successfully saved 70818 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:03,884 - root - INFO - [chat.py:388] - Successfully saved 70847 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:04,260 - root - INFO - [chat.py:388] - Successfully saved 70876 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:04,616 - root - INFO - [chat.py:388] - Successfully saved 70905 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:04,986 - root - INFO - [chat.py:388] - Successfully saved 70934 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:05,337 - root - INFO - [chat.py:388] - Successfully saved 70963 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:05,697 - root - INFO - [chat.py:388] - Successfully saved 70992 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:06,045 - root - INFO - [chat.py:388] - Successfully saved 71021 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:06,399 - root - INFO - [chat.py:388] - Successfully saved 71050 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:06,752 - root - INFO - [chat.py:388] - Successfully saved 71079 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:07,101 - root - INFO - [chat.py:388] - Successfully saved 71106 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:07,448 - root - INFO - [chat.py:388] - Successfully saved 71135 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:07,811 - root - INFO - [chat.py:388] - Successfully saved 71164 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:08,164 - root - INFO - [chat.py:388] - Successfully saved 71192 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:08,513 - root - INFO - [chat.py:388] - Successfully saved 71220 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:08,863 - root - INFO - [chat.py:388] - Successfully saved 71247 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:09,218 - root - INFO - [chat.py:388] - Successfully saved 71276 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:09,570 - root - INFO - [chat.py:388] - Successfully saved 71305 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:09,922 - root - INFO - [chat.py:388] - Successfully saved 71334 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:10,281 - root - INFO - [chat.py:388] - Successfully saved 71363 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:10,632 - root - INFO - [chat.py:388] - Successfully saved 71391 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:10,979 - root - INFO - [chat.py:388] - Successfully saved 71420 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:11,333 - root - INFO - [chat.py:388] - Successfully saved 71449 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:11,687 - root - INFO - [chat.py:388] - Successfully saved 71478 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:12,041 - root - INFO - [chat.py:388] - Successfully saved 71488 unique ICD codes to JSON for hospital 229 -2025-06-07 17:30:12,063 - root - INFO - [chat.py:1751] - Inserting content into database... -2025-06-07 17:30:16,419 - root - INFO - [chat.py:1761] - Creating embeddings and indexing... -2025-06-07 17:30:16,546 - root - INFO - [chat.py:580] - Processing 2966 pages for document 425 -2025-06-07 17:30:21,507 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 17:30:30,722 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 17:30:41,396 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 17:30:50,659 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 17:31:00,988 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 17:31:09,865 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 17:31:19,714 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 17:31:27,508 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 17:31:32,416 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 17:31:34,974 - root - INFO - [chat.py:654] - Saving 71572 ICD codes -2025-06-07 17:31:34,975 - root - INFO - [chat.py:658] - Successfully indexed document 425 -2025-06-07 17:31:35,003 - root - INFO - [chat.py:1765] - Document processing completed successfully -2025-06-07 17:31:35,100 - access - INFO - [chat.py:2004] - "POST /flask-api/process-pdf" 200 - Duration: 690.838s - IP: 127.0.0.1 -2025-06-07 17:31:35,102 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 17:31:35] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-07 17:31:35,113 - access - INFO - [chat.py:1720] - PDF processing request received from 127.0.0.1 -2025-06-07 17:31:35,119 - root - INFO - [chat.py:1727] - Received PDF processing request for hospital 229, doc_id 426 -2025-06-07 17:31:35,121 - root - ERROR - [chat.py:1694] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-07 17:31:35,122 - root - INFO - [chat.py:1740] - Starting processing of document 426 -2025-06-07 17:31:35,125 - root - INFO - [chat.py:1748] - Extracting PDF contents... -2025-06-07 17:31:36,404 - root - INFO - [chat.py:388] - Successfully saved 71489 unique ICD codes to JSON for hospital 229 -2025-06-07 17:31:36,739 - root - INFO - [chat.py:388] - Successfully saved 71490 unique ICD codes to JSON for hospital 229 -2025-06-07 17:31:37,111 - root - INFO - [chat.py:388] - Successfully saved 71491 unique ICD codes to JSON for hospital 229 -2025-06-07 17:31:37,489 - root - INFO - [chat.py:388] - Successfully saved 71491 unique ICD codes to JSON for hospital 229 -2025-06-07 17:31:37,499 - root - INFO - [chat.py:1751] - Inserting content into database... -2025-06-07 17:31:39,865 - root - INFO - [chat.py:1761] - Creating embeddings and indexing... -2025-06-07 17:31:39,870 - root - INFO - [chat.py:580] - Processing 65 pages for document 426 -2025-06-07 17:31:41,054 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 17:31:43,985 - root - INFO - [chat.py:654] - Saving 4 ICD codes -2025-06-07 17:31:43,986 - root - INFO - [chat.py:658] - Successfully indexed document 426 -2025-06-07 17:31:43,986 - root - INFO - [chat.py:1765] - Document processing completed successfully -2025-06-07 17:31:44,097 - access - INFO - [chat.py:2004] - "POST /flask-api/process-pdf" 200 - Duration: 8.984s - IP: 127.0.0.1 -2025-06-07 17:31:44,098 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 17:31:44] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-07 18:51:21,212 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-07 18:51:21,228 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-07 18:51:36,447 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-07 18:51:36,447 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-07 18:51:36,448 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-07 18:51:36,448 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-07 18:51:41,826 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-07 18:51:41,829 - root - INFO - [chat.py:1771] - Starting SpurrinAI application -2025-06-07 18:51:41,829 - root - INFO - [chat.py:1772] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-07 18:51:41,829 - root - INFO - [chat.py:1773] - Environment: production -2025-06-07 18:51:41,829 - root - INFO - [chat.py:1777] - Model manager initialized successfully -2025-06-07 18:51:41,829 - root - INFO - [chat.py:1785] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-07 18:51:41,830 - root - INFO - [chat.py:1793] - Cleared 0 Redis cache keys -2025-06-07 18:51:41,831 - root - INFO - [chat.py:1796] - Loading existing vector stores... -2025-06-07 18:51:41,835 - root - INFO - [chat.py:505] - Loading vector store for hospital 6 and user default -2025-06-07 18:51:42,696 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,204 - root - INFO - [chat.py:505] - Loading vector store for hospital 10 and user default -2025-06-07 18:51:43,208 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,230 - root - INFO - [chat.py:505] - Loading vector store for hospital 16 and user default -2025-06-07 18:51:43,233 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,268 - root - INFO - [chat.py:505] - Loading vector store for hospital 19 and user default -2025-06-07 18:51:43,279 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,313 - root - INFO - [chat.py:505] - Loading vector store for hospital 26 and user default -2025-06-07 18:51:43,316 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,342 - root - INFO - [chat.py:505] - Loading vector store for hospital 27 and user default -2025-06-07 18:51:43,347 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,380 - root - INFO - [chat.py:505] - Loading vector store for hospital 29 and user default -2025-06-07 18:51:43,385 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,412 - root - INFO - [chat.py:505] - Loading vector store for hospital 31 and user default -2025-06-07 18:51:43,416 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,445 - root - INFO - [chat.py:505] - Loading vector store for hospital 32 and user default -2025-06-07 18:51:43,448 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,483 - root - INFO - [chat.py:505] - Loading vector store for hospital 36 and user default -2025-06-07 18:51:43,486 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,531 - root - INFO - [chat.py:505] - Loading vector store for hospital 37 and user default -2025-06-07 18:51:43,535 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,567 - root - INFO - [chat.py:505] - Loading vector store for hospital 41 and user default -2025-06-07 18:51:43,570 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,597 - root - INFO - [chat.py:505] - Loading vector store for hospital 42 and user default -2025-06-07 18:51:43,602 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,632 - root - INFO - [chat.py:505] - Loading vector store for hospital 47 and user default -2025-06-07 18:51:43,635 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,665 - root - INFO - [chat.py:505] - Loading vector store for hospital 48 and user default -2025-06-07 18:51:43,668 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,702 - root - INFO - [chat.py:505] - Loading vector store for hospital 52 and user default -2025-06-07 18:51:43,704 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,740 - root - INFO - [chat.py:505] - Loading vector store for hospital 53 and user default -2025-06-07 18:51:43,744 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,776 - root - INFO - [chat.py:505] - Loading vector store for hospital 56 and user default -2025-06-07 18:51:43,780 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,815 - root - INFO - [chat.py:505] - Loading vector store for hospital 57 and user default -2025-06-07 18:51:43,821 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,866 - root - INFO - [chat.py:505] - Loading vector store for hospital 59 and user default -2025-06-07 18:51:43,870 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,912 - root - INFO - [chat.py:505] - Loading vector store for hospital 60 and user default -2025-06-07 18:51:43,915 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,943 - root - INFO - [chat.py:505] - Loading vector store for hospital 64 and user default -2025-06-07 18:51:43,947 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:43,975 - root - INFO - [chat.py:505] - Loading vector store for hospital 65 and user default -2025-06-07 18:51:43,978 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,009 - root - INFO - [chat.py:505] - Loading vector store for hospital 66 and user default -2025-06-07 18:51:44,014 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,046 - root - INFO - [chat.py:505] - Loading vector store for hospital 67 and user default -2025-06-07 18:51:44,049 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,071 - root - INFO - [chat.py:505] - Loading vector store for hospital 68 and user default -2025-06-07 18:51:44,075 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,103 - root - INFO - [chat.py:505] - Loading vector store for hospital 69 and user default -2025-06-07 18:51:44,107 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,134 - root - INFO - [chat.py:505] - Loading vector store for hospital 70 and user default -2025-06-07 18:51:44,140 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,170 - root - INFO - [chat.py:505] - Loading vector store for hospital 71 and user default -2025-06-07 18:51:44,173 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,204 - root - INFO - [chat.py:505] - Loading vector store for hospital 72 and user default -2025-06-07 18:51:44,207 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,244 - root - INFO - [chat.py:505] - Loading vector store for hospital 73 and user default -2025-06-07 18:51:44,248 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,293 - root - INFO - [chat.py:505] - Loading vector store for hospital 75 and user default -2025-06-07 18:51:44,297 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,338 - root - INFO - [chat.py:505] - Loading vector store for hospital 76 and user default -2025-06-07 18:51:44,341 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,362 - root - INFO - [chat.py:505] - Loading vector store for hospital 80 and user default -2025-06-07 18:51:44,366 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,397 - root - INFO - [chat.py:505] - Loading vector store for hospital 81 and user default -2025-06-07 18:51:44,400 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,431 - root - INFO - [chat.py:505] - Loading vector store for hospital 86 and user default -2025-06-07 18:51:44,434 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,461 - root - INFO - [chat.py:505] - Loading vector store for hospital 87 and user default -2025-06-07 18:51:44,464 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,484 - root - INFO - [chat.py:505] - Loading vector store for hospital 90 and user default -2025-06-07 18:51:44,488 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,517 - root - INFO - [chat.py:505] - Loading vector store for hospital 91 and user default -2025-06-07 18:51:44,520 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,539 - root - INFO - [chat.py:505] - Loading vector store for hospital 92 and user default -2025-06-07 18:51:44,542 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,572 - root - INFO - [chat.py:505] - Loading vector store for hospital 94 and user default -2025-06-07 18:51:44,575 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,613 - root - INFO - [chat.py:505] - Loading vector store for hospital 95 and user default -2025-06-07 18:51:44,617 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,643 - root - INFO - [chat.py:505] - Loading vector store for hospital 96 and user default -2025-06-07 18:51:44,647 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,672 - root - INFO - [chat.py:505] - Loading vector store for hospital 97 and user default -2025-06-07 18:51:44,675 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,696 - root - INFO - [chat.py:505] - Loading vector store for hospital 99 and user default -2025-06-07 18:51:44,699 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,728 - root - INFO - [chat.py:505] - Loading vector store for hospital 103 and user default -2025-06-07 18:51:44,731 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,769 - root - INFO - [chat.py:505] - Loading vector store for hospital 106 and user default -2025-06-07 18:51:44,772 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,804 - root - INFO - [chat.py:505] - Loading vector store for hospital 107 and user default -2025-06-07 18:51:44,807 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,845 - root - INFO - [chat.py:505] - Loading vector store for hospital 110 and user default -2025-06-07 18:51:44,848 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,880 - root - INFO - [chat.py:505] - Loading vector store for hospital 111 and user default -2025-06-07 18:51:44,884 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,914 - root - INFO - [chat.py:505] - Loading vector store for hospital 112 and user default -2025-06-07 18:51:44,917 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,951 - root - INFO - [chat.py:505] - Loading vector store for hospital 113 and user default -2025-06-07 18:51:44,954 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:44,986 - root - INFO - [chat.py:505] - Loading vector store for hospital 114 and user default -2025-06-07 18:51:44,992 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,005 - root - INFO - [chat.py:505] - Loading vector store for hospital 116 and user default -2025-06-07 18:51:45,008 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,029 - root - INFO - [chat.py:505] - Loading vector store for hospital 117 and user default -2025-06-07 18:51:45,032 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,051 - root - INFO - [chat.py:505] - Loading vector store for hospital 118 and user default -2025-06-07 18:51:45,055 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,088 - root - INFO - [chat.py:505] - Loading vector store for hospital 119 and user default -2025-06-07 18:51:45,091 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,119 - root - INFO - [chat.py:505] - Loading vector store for hospital 121 and user default -2025-06-07 18:51:45,122 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,157 - root - INFO - [chat.py:505] - Loading vector store for hospital 122 and user default -2025-06-07 18:51:45,160 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,182 - root - INFO - [chat.py:505] - Loading vector store for hospital 123 and user default -2025-06-07 18:51:45,186 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,229 - root - INFO - [chat.py:505] - Loading vector store for hospital 124 and user default -2025-06-07 18:51:45,241 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,291 - root - INFO - [chat.py:505] - Loading vector store for hospital 126 and user default -2025-06-07 18:51:45,294 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,333 - root - INFO - [chat.py:505] - Loading vector store for hospital 127 and user default -2025-06-07 18:51:45,337 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,377 - root - INFO - [chat.py:505] - Loading vector store for hospital 129 and user default -2025-06-07 18:51:45,380 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,400 - root - INFO - [chat.py:505] - Loading vector store for hospital 131 and user default -2025-06-07 18:51:45,403 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,433 - root - INFO - [chat.py:505] - Loading vector store for hospital 132 and user default -2025-06-07 18:51:45,436 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,460 - root - INFO - [chat.py:505] - Loading vector store for hospital 136 and user default -2025-06-07 18:51:45,463 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,901 - root - INFO - [chat.py:505] - Loading vector store for hospital 137 and user default -2025-06-07 18:51:45,908 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,944 - root - INFO - [chat.py:505] - Loading vector store for hospital 141 and user default -2025-06-07 18:51:45,947 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:45,981 - root - INFO - [chat.py:505] - Loading vector store for hospital 142 and user default -2025-06-07 18:51:45,985 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,023 - root - INFO - [chat.py:505] - Loading vector store for hospital 145 and user default -2025-06-07 18:51:46,026 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,057 - root - INFO - [chat.py:505] - Loading vector store for hospital 146 and user default -2025-06-07 18:51:46,060 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,085 - root - INFO - [chat.py:505] - Loading vector store for hospital 148 and user default -2025-06-07 18:51:46,088 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,114 - root - INFO - [chat.py:505] - Loading vector store for hospital 177 and user default -2025-06-07 18:51:46,118 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,139 - root - INFO - [chat.py:505] - Loading vector store for hospital 178 and user default -2025-06-07 18:51:46,143 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,179 - root - INFO - [chat.py:505] - Loading vector store for hospital 186 and user default -2025-06-07 18:51:46,183 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,218 - root - INFO - [chat.py:505] - Loading vector store for hospital 187 and user default -2025-06-07 18:51:46,221 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,250 - root - INFO - [chat.py:505] - Loading vector store for hospital 191 and user default -2025-06-07 18:51:46,253 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,285 - root - INFO - [chat.py:505] - Loading vector store for hospital 192 and user default -2025-06-07 18:51:46,288 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,303 - root - INFO - [chat.py:505] - Loading vector store for hospital 200 and user default -2025-06-07 18:51:46,306 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,323 - root - INFO - [chat.py:505] - Loading vector store for hospital 45 and user default -2025-06-07 18:51:46,326 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,341 - root - INFO - [chat.py:505] - Loading vector store for hospital 63 and user default -2025-06-07 18:51:46,344 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,374 - root - INFO - [chat.py:505] - Loading vector store for hospital 93 and user default -2025-06-07 18:51:46,377 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,398 - root - INFO - [chat.py:505] - Loading vector store for hospital 98 and user default -2025-06-07 18:51:46,403 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,430 - root - INFO - [chat.py:505] - Loading vector store for hospital 102 and user default -2025-06-07 18:51:46,434 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,461 - root - INFO - [chat.py:505] - Loading vector store for hospital 104 and user default -2025-06-07 18:51:46,464 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,496 - root - INFO - [chat.py:505] - Loading vector store for hospital 229 and user default -2025-06-07 18:51:46,499 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,505 - root - INFO - [chat.py:505] - Loading vector store for hospital 232 and user default -2025-06-07 18:51:46,508 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,514 - root - INFO - [chat.py:505] - Loading vector store for hospital 109 and user default -2025-06-07 18:51:46,517 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,552 - root - INFO - [chat.py:505] - Loading vector store for hospital 222 and user default -2025-06-07 18:51:46,555 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:46,599 - root - INFO - [chat.py:516] - Creating vector store for hospital 234 -2025-06-07 18:51:46,603 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:51,363 - root - INFO - [chat.py:516] - Creating vector store for hospital 235 -2025-06-07 18:51:51,367 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:51:56,148 - root - INFO - [chat.py:516] - Creating vector store for hospital 236 -2025-06-07 18:51:56,152 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:02,692 - root - INFO - [chat.py:505] - Loading vector store for hospital 149 and user default -2025-06-07 18:52:02,698 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:02,724 - root - INFO - [chat.py:505] - Loading vector store for hospital 150 and user default -2025-06-07 18:52:02,727 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:02,743 - root - INFO - [chat.py:505] - Loading vector store for hospital 151 and user default -2025-06-07 18:52:02,746 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:02,758 - root - INFO - [chat.py:505] - Loading vector store for hospital 152 and user default -2025-06-07 18:52:02,761 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:02,782 - root - INFO - [chat.py:505] - Loading vector store for hospital 153 and user default -2025-06-07 18:52:02,785 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:02,801 - root - INFO - [chat.py:505] - Loading vector store for hospital 154 and user default -2025-06-07 18:52:02,804 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:02,822 - root - INFO - [chat.py:505] - Loading vector store for hospital 155 and user default -2025-06-07 18:52:02,826 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:02,840 - root - INFO - [chat.py:505] - Loading vector store for hospital 157 and user default -2025-06-07 18:52:02,843 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:02,876 - root - INFO - [chat.py:505] - Loading vector store for hospital 158 and user default -2025-06-07 18:52:02,879 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:02,902 - root - INFO - [chat.py:505] - Loading vector store for hospital 160 and user default -2025-06-07 18:52:02,907 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:02,935 - root - INFO - [chat.py:505] - Loading vector store for hospital 162 and user default -2025-06-07 18:52:02,938 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:02,953 - root - INFO - [chat.py:505] - Loading vector store for hospital 163 and user default -2025-06-07 18:52:02,956 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:02,980 - root - INFO - [chat.py:505] - Loading vector store for hospital 166 and user default -2025-06-07 18:52:02,983 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,000 - root - INFO - [chat.py:505] - Loading vector store for hospital 167 and user default -2025-06-07 18:52:03,004 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,020 - root - INFO - [chat.py:505] - Loading vector store for hospital 168 and user default -2025-06-07 18:52:03,023 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,040 - root - INFO - [chat.py:505] - Loading vector store for hospital 169 and user default -2025-06-07 18:52:03,043 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,064 - root - INFO - [chat.py:505] - Loading vector store for hospital 170 and user default -2025-06-07 18:52:03,067 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,079 - root - INFO - [chat.py:505] - Loading vector store for hospital 172 and user default -2025-06-07 18:52:03,083 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,101 - root - INFO - [chat.py:505] - Loading vector store for hospital 173 and user default -2025-06-07 18:52:03,104 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,123 - root - INFO - [chat.py:505] - Loading vector store for hospital 181 and user default -2025-06-07 18:52:03,126 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,141 - root - INFO - [chat.py:505] - Loading vector store for hospital 182 and user default -2025-06-07 18:52:03,143 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,164 - root - INFO - [chat.py:505] - Loading vector store for hospital 183 and user default -2025-06-07 18:52:03,167 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,183 - root - INFO - [chat.py:505] - Loading vector store for hospital 184 and user default -2025-06-07 18:52:03,186 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,204 - root - INFO - [chat.py:505] - Loading vector store for hospital 194 and user default -2025-06-07 18:52:03,207 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,234 - root - INFO - [chat.py:505] - Loading vector store for hospital 195 and user default -2025-06-07 18:52:03,237 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,263 - root - INFO - [chat.py:505] - Loading vector store for hospital 196 and user default -2025-06-07 18:52:03,266 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,291 - root - INFO - [chat.py:505] - Loading vector store for hospital 197 and user default -2025-06-07 18:52:03,294 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,373 - root - INFO - [chat.py:505] - Loading vector store for hospital 198 and user default -2025-06-07 18:52:03,377 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,399 - root - INFO - [chat.py:505] - Loading vector store for hospital 199 and user default -2025-06-07 18:52:03,403 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,417 - root - INFO - [chat.py:505] - Loading vector store for hospital 201 and user default -2025-06-07 18:52:03,420 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,446 - root - INFO - [chat.py:505] - Loading vector store for hospital 202 and user default -2025-06-07 18:52:03,450 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,465 - root - INFO - [chat.py:505] - Loading vector store for hospital 203 and user default -2025-06-07 18:52:03,468 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,483 - root - INFO - [chat.py:505] - Loading vector store for hospital 204 and user default -2025-06-07 18:52:03,486 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,501 - root - INFO - [chat.py:505] - Loading vector store for hospital 206 and user default -2025-06-07 18:52:03,504 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,529 - root - INFO - [chat.py:505] - Loading vector store for hospital 207 and user default -2025-06-07 18:52:03,532 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,556 - root - INFO - [chat.py:505] - Loading vector store for hospital 209 and user default -2025-06-07 18:52:03,559 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,572 - root - INFO - [chat.py:505] - Loading vector store for hospital 210 and user default -2025-06-07 18:52:03,575 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,608 - root - INFO - [chat.py:505] - Loading vector store for hospital 212 and user default -2025-06-07 18:52:03,611 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,626 - root - INFO - [chat.py:505] - Loading vector store for hospital 213 and user default -2025-06-07 18:52:03,630 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,651 - root - INFO - [chat.py:505] - Loading vector store for hospital 224 and user default -2025-06-07 18:52:03,655 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,668 - root - INFO - [chat.py:505] - Loading vector store for hospital 225 and user default -2025-06-07 18:52:03,672 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,695 - root - INFO - [chat.py:505] - Loading vector store for hospital 230 and user default -2025-06-07 18:52:03,699 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,707 - root - INFO - [chat.py:505] - Loading vector store for hospital 231 and user default -2025-06-07 18:52:03,710 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 18:52:03,719 - root - INFO - [chat.py:1798] - Vector stores loaded successfully -2025-06-07 18:52:03,721 - root - INFO - [chat.py:1801] - Starting Flask application on port 5000 -2025-06-07 18:52:03,731 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-07 18:52:03,731 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-07 18:59:58,460 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 18:59:58,471 - access - INFO - [chat.py:1763] - "POST /flask-api/generate-answer" 500 - Duration: 0.012s - IP: 127.0.0.1 -2025-06-07 18:59:58,474 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 18:59:58] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -2025-06-07 18:59:59,488 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 18:59:59,489 - access - INFO - [chat.py:1763] - "POST /flask-api/generate-answer" 500 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-07 18:59:59,489 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 18:59:59] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -2025-06-07 19:00:00,495 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:00:00,496 - access - INFO - [chat.py:1763] - "POST /flask-api/generate-answer" 500 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-07 19:00:00,497 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:00:00] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -2025-06-07 19:00:00,510 - access - INFO - [chat.py:1763] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:00:00,511 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:00:00] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:00:20,085 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:00:20,087 - access - INFO - [chat.py:1763] - "POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-07 19:00:20,088 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:00:20] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -2025-06-07 19:00:21,094 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:00:21,096 - access - INFO - [chat.py:1763] - "POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-07 19:00:21,097 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:00:21] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -2025-06-07 19:00:22,103 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:00:22,104 - access - INFO - [chat.py:1763] - "POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-07 19:00:22,105 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:00:22] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -2025-06-07 19:00:22,112 - access - INFO - [chat.py:1763] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:00:22,113 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:00:22] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:00:38,372 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:00:38,374 - access - INFO - [chat.py:1763] - "POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-07 19:00:38,375 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:00:38] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -2025-06-07 19:00:39,382 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:00:39,383 - access - INFO - [chat.py:1763] - "POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-07 19:00:39,384 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:00:39] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -2025-06-07 19:00:40,387 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:00:40,388 - access - INFO - [chat.py:1763] - "POST /flask-api/generate-answer" 500 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-07 19:00:40,388 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:00:40] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -2025-06-07 19:00:40,394 - access - INFO - [chat.py:1763] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:00:40,395 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:00:40] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:03:14,956 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:03:14,959 - access - INFO - [chat.py:1763] - "POST /flask-api/generate-answer" 500 - Duration: 0.004s - IP: 127.0.0.1 -2025-06-07 19:03:14,960 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:03:14] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -2025-06-07 19:03:15,964 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:03:15,966 - access - INFO - [chat.py:1763] - "POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-07 19:03:15,966 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:03:15] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -2025-06-07 19:03:16,970 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:03:16,971 - access - INFO - [chat.py:1763] - "POST /flask-api/generate-answer" 500 - Duration: 0.002s - IP: 127.0.0.1 -2025-06-07 19:03:16,972 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:03:16] "[35m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 500 - -2025-06-07 19:03:16,976 - access - INFO - [chat.py:1763] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:03:16,977 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:03:16] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:03:27,457 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-07 19:03:27,470 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-07 19:03:37,187 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-07 19:03:37,188 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-07 19:03:37,189 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-07 19:03:37,189 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-07 19:03:40,902 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-07 19:03:40,904 - root - INFO - [chat.py:2012] - Starting SpurrinAI application -2025-06-07 19:03:40,904 - root - INFO - [chat.py:2013] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-07 19:03:40,904 - root - INFO - [chat.py:2014] - Environment: production -2025-06-07 19:03:40,904 - root - INFO - [chat.py:2018] - Model manager initialized successfully -2025-06-07 19:03:40,904 - root - INFO - [chat.py:2026] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-07 19:03:40,906 - root - INFO - [chat.py:2034] - Cleared 0 Redis cache keys -2025-06-07 19:03:40,906 - root - INFO - [chat.py:2037] - Loading existing vector stores... -2025-06-07 19:03:40,911 - root - INFO - [chat.py:505] - Loading vector store for hospital 6 and user default -2025-06-07 19:03:41,244 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,438 - root - INFO - [chat.py:505] - Loading vector store for hospital 10 and user default -2025-06-07 19:03:41,442 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,448 - root - INFO - [chat.py:505] - Loading vector store for hospital 16 and user default -2025-06-07 19:03:41,450 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,456 - root - INFO - [chat.py:505] - Loading vector store for hospital 19 and user default -2025-06-07 19:03:41,459 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,465 - root - INFO - [chat.py:505] - Loading vector store for hospital 26 and user default -2025-06-07 19:03:41,467 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,472 - root - INFO - [chat.py:505] - Loading vector store for hospital 27 and user default -2025-06-07 19:03:41,476 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,482 - root - INFO - [chat.py:505] - Loading vector store for hospital 29 and user default -2025-06-07 19:03:41,485 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,492 - root - INFO - [chat.py:505] - Loading vector store for hospital 31 and user default -2025-06-07 19:03:41,495 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,500 - root - INFO - [chat.py:505] - Loading vector store for hospital 32 and user default -2025-06-07 19:03:41,504 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,510 - root - INFO - [chat.py:505] - Loading vector store for hospital 36 and user default -2025-06-07 19:03:41,514 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,520 - root - INFO - [chat.py:505] - Loading vector store for hospital 37 and user default -2025-06-07 19:03:41,523 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,529 - root - INFO - [chat.py:505] - Loading vector store for hospital 41 and user default -2025-06-07 19:03:41,532 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,538 - root - INFO - [chat.py:505] - Loading vector store for hospital 42 and user default -2025-06-07 19:03:41,543 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,549 - root - INFO - [chat.py:505] - Loading vector store for hospital 47 and user default -2025-06-07 19:03:41,553 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,559 - root - INFO - [chat.py:505] - Loading vector store for hospital 48 and user default -2025-06-07 19:03:41,563 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,569 - root - INFO - [chat.py:505] - Loading vector store for hospital 52 and user default -2025-06-07 19:03:41,573 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,581 - root - INFO - [chat.py:505] - Loading vector store for hospital 53 and user default -2025-06-07 19:03:41,586 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,593 - root - INFO - [chat.py:505] - Loading vector store for hospital 56 and user default -2025-06-07 19:03:41,597 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,603 - root - INFO - [chat.py:505] - Loading vector store for hospital 57 and user default -2025-06-07 19:03:41,607 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,613 - root - INFO - [chat.py:505] - Loading vector store for hospital 59 and user default -2025-06-07 19:03:41,617 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,624 - root - INFO - [chat.py:505] - Loading vector store for hospital 60 and user default -2025-06-07 19:03:41,627 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,632 - root - INFO - [chat.py:505] - Loading vector store for hospital 64 and user default -2025-06-07 19:03:41,635 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,642 - root - INFO - [chat.py:505] - Loading vector store for hospital 65 and user default -2025-06-07 19:03:41,644 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,650 - root - INFO - [chat.py:505] - Loading vector store for hospital 66 and user default -2025-06-07 19:03:41,653 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,661 - root - INFO - [chat.py:505] - Loading vector store for hospital 67 and user default -2025-06-07 19:03:41,664 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,670 - root - INFO - [chat.py:505] - Loading vector store for hospital 68 and user default -2025-06-07 19:03:41,673 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,678 - root - INFO - [chat.py:505] - Loading vector store for hospital 69 and user default -2025-06-07 19:03:41,681 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,686 - root - INFO - [chat.py:505] - Loading vector store for hospital 70 and user default -2025-06-07 19:03:41,689 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,695 - root - INFO - [chat.py:505] - Loading vector store for hospital 71 and user default -2025-06-07 19:03:41,698 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,704 - root - INFO - [chat.py:505] - Loading vector store for hospital 72 and user default -2025-06-07 19:03:41,706 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,712 - root - INFO - [chat.py:505] - Loading vector store for hospital 73 and user default -2025-06-07 19:03:41,715 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,720 - root - INFO - [chat.py:505] - Loading vector store for hospital 75 and user default -2025-06-07 19:03:41,723 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,729 - root - INFO - [chat.py:505] - Loading vector store for hospital 76 and user default -2025-06-07 19:03:41,732 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,738 - root - INFO - [chat.py:505] - Loading vector store for hospital 80 and user default -2025-06-07 19:03:41,741 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,746 - root - INFO - [chat.py:505] - Loading vector store for hospital 81 and user default -2025-06-07 19:03:41,749 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,755 - root - INFO - [chat.py:505] - Loading vector store for hospital 86 and user default -2025-06-07 19:03:41,758 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,764 - root - INFO - [chat.py:505] - Loading vector store for hospital 87 and user default -2025-06-07 19:03:41,767 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,772 - root - INFO - [chat.py:505] - Loading vector store for hospital 90 and user default -2025-06-07 19:03:41,775 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,782 - root - INFO - [chat.py:505] - Loading vector store for hospital 91 and user default -2025-06-07 19:03:41,785 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,790 - root - INFO - [chat.py:505] - Loading vector store for hospital 92 and user default -2025-06-07 19:03:41,793 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,800 - root - INFO - [chat.py:505] - Loading vector store for hospital 94 and user default -2025-06-07 19:03:41,803 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,809 - root - INFO - [chat.py:505] - Loading vector store for hospital 95 and user default -2025-06-07 19:03:41,812 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,818 - root - INFO - [chat.py:505] - Loading vector store for hospital 96 and user default -2025-06-07 19:03:41,822 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,827 - root - INFO - [chat.py:505] - Loading vector store for hospital 97 and user default -2025-06-07 19:03:41,831 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,838 - root - INFO - [chat.py:505] - Loading vector store for hospital 99 and user default -2025-06-07 19:03:41,841 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,847 - root - INFO - [chat.py:505] - Loading vector store for hospital 103 and user default -2025-06-07 19:03:41,850 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,862 - root - INFO - [chat.py:505] - Loading vector store for hospital 106 and user default -2025-06-07 19:03:41,865 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,871 - root - INFO - [chat.py:505] - Loading vector store for hospital 107 and user default -2025-06-07 19:03:41,874 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,881 - root - INFO - [chat.py:505] - Loading vector store for hospital 110 and user default -2025-06-07 19:03:41,884 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,890 - root - INFO - [chat.py:505] - Loading vector store for hospital 111 and user default -2025-06-07 19:03:41,893 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,903 - root - INFO - [chat.py:505] - Loading vector store for hospital 112 and user default -2025-06-07 19:03:41,906 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,912 - root - INFO - [chat.py:505] - Loading vector store for hospital 113 and user default -2025-06-07 19:03:41,915 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,921 - root - INFO - [chat.py:505] - Loading vector store for hospital 114 and user default -2025-06-07 19:03:41,925 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,931 - root - INFO - [chat.py:505] - Loading vector store for hospital 116 and user default -2025-06-07 19:03:41,934 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,939 - root - INFO - [chat.py:505] - Loading vector store for hospital 117 and user default -2025-06-07 19:03:41,942 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,948 - root - INFO - [chat.py:505] - Loading vector store for hospital 118 and user default -2025-06-07 19:03:41,951 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,956 - root - INFO - [chat.py:505] - Loading vector store for hospital 119 and user default -2025-06-07 19:03:41,960 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,965 - root - INFO - [chat.py:505] - Loading vector store for hospital 121 and user default -2025-06-07 19:03:41,968 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,975 - root - INFO - [chat.py:505] - Loading vector store for hospital 122 and user default -2025-06-07 19:03:41,979 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,984 - root - INFO - [chat.py:505] - Loading vector store for hospital 123 and user default -2025-06-07 19:03:41,987 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:41,994 - root - INFO - [chat.py:505] - Loading vector store for hospital 124 and user default -2025-06-07 19:03:41,997 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,002 - root - INFO - [chat.py:505] - Loading vector store for hospital 126 and user default -2025-06-07 19:03:42,005 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,011 - root - INFO - [chat.py:505] - Loading vector store for hospital 127 and user default -2025-06-07 19:03:42,014 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,020 - root - INFO - [chat.py:505] - Loading vector store for hospital 129 and user default -2025-06-07 19:03:42,025 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,031 - root - INFO - [chat.py:505] - Loading vector store for hospital 131 and user default -2025-06-07 19:03:42,034 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,039 - root - INFO - [chat.py:505] - Loading vector store for hospital 132 and user default -2025-06-07 19:03:42,043 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,050 - root - INFO - [chat.py:505] - Loading vector store for hospital 136 and user default -2025-06-07 19:03:42,053 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,374 - root - INFO - [chat.py:505] - Loading vector store for hospital 137 and user default -2025-06-07 19:03:42,378 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,384 - root - INFO - [chat.py:505] - Loading vector store for hospital 141 and user default -2025-06-07 19:03:42,388 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,393 - root - INFO - [chat.py:505] - Loading vector store for hospital 142 and user default -2025-06-07 19:03:42,397 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,404 - root - INFO - [chat.py:505] - Loading vector store for hospital 145 and user default -2025-06-07 19:03:42,408 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,413 - root - INFO - [chat.py:505] - Loading vector store for hospital 146 and user default -2025-06-07 19:03:42,417 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,423 - root - INFO - [chat.py:505] - Loading vector store for hospital 148 and user default -2025-06-07 19:03:42,426 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,431 - root - INFO - [chat.py:505] - Loading vector store for hospital 177 and user default -2025-06-07 19:03:42,435 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,440 - root - INFO - [chat.py:505] - Loading vector store for hospital 178 and user default -2025-06-07 19:03:42,443 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,448 - root - INFO - [chat.py:505] - Loading vector store for hospital 186 and user default -2025-06-07 19:03:42,452 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,457 - root - INFO - [chat.py:505] - Loading vector store for hospital 187 and user default -2025-06-07 19:03:42,460 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,466 - root - INFO - [chat.py:505] - Loading vector store for hospital 191 and user default -2025-06-07 19:03:42,469 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,475 - root - INFO - [chat.py:505] - Loading vector store for hospital 192 and user default -2025-06-07 19:03:42,481 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,490 - root - INFO - [chat.py:505] - Loading vector store for hospital 200 and user default -2025-06-07 19:03:42,496 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,504 - root - INFO - [chat.py:505] - Loading vector store for hospital 45 and user default -2025-06-07 19:03:42,507 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,515 - root - INFO - [chat.py:505] - Loading vector store for hospital 63 and user default -2025-06-07 19:03:42,519 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,526 - root - INFO - [chat.py:505] - Loading vector store for hospital 93 and user default -2025-06-07 19:03:42,529 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,536 - root - INFO - [chat.py:505] - Loading vector store for hospital 98 and user default -2025-06-07 19:03:42,540 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,545 - root - INFO - [chat.py:505] - Loading vector store for hospital 102 and user default -2025-06-07 19:03:42,548 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,553 - root - INFO - [chat.py:505] - Loading vector store for hospital 104 and user default -2025-06-07 19:03:42,556 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,562 - root - INFO - [chat.py:505] - Loading vector store for hospital 229 and user default -2025-06-07 19:03:42,564 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,569 - root - INFO - [chat.py:505] - Loading vector store for hospital 232 and user default -2025-06-07 19:03:42,572 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,578 - root - INFO - [chat.py:505] - Loading vector store for hospital 109 and user default -2025-06-07 19:03:42,581 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,586 - root - INFO - [chat.py:505] - Loading vector store for hospital 222 and user default -2025-06-07 19:03:42,590 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,596 - root - INFO - [chat.py:505] - Loading vector store for hospital 234 and user default -2025-06-07 19:03:42,599 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,605 - root - INFO - [chat.py:505] - Loading vector store for hospital 235 and user default -2025-06-07 19:03:42,610 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,617 - root - INFO - [chat.py:505] - Loading vector store for hospital 236 and user default -2025-06-07 19:03:42,620 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,626 - root - INFO - [chat.py:505] - Loading vector store for hospital 149 and user default -2025-06-07 19:03:42,630 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,635 - root - INFO - [chat.py:505] - Loading vector store for hospital 150 and user default -2025-06-07 19:03:42,638 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,643 - root - INFO - [chat.py:505] - Loading vector store for hospital 151 and user default -2025-06-07 19:03:42,646 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,651 - root - INFO - [chat.py:505] - Loading vector store for hospital 152 and user default -2025-06-07 19:03:42,654 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,659 - root - INFO - [chat.py:505] - Loading vector store for hospital 153 and user default -2025-06-07 19:03:42,661 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,666 - root - INFO - [chat.py:505] - Loading vector store for hospital 154 and user default -2025-06-07 19:03:42,669 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,674 - root - INFO - [chat.py:505] - Loading vector store for hospital 155 and user default -2025-06-07 19:03:42,677 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,683 - root - INFO - [chat.py:505] - Loading vector store for hospital 157 and user default -2025-06-07 19:03:42,690 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,700 - root - INFO - [chat.py:505] - Loading vector store for hospital 158 and user default -2025-06-07 19:03:42,704 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,710 - root - INFO - [chat.py:505] - Loading vector store for hospital 160 and user default -2025-06-07 19:03:42,713 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,718 - root - INFO - [chat.py:505] - Loading vector store for hospital 162 and user default -2025-06-07 19:03:42,721 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,729 - root - INFO - [chat.py:505] - Loading vector store for hospital 163 and user default -2025-06-07 19:03:42,733 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,738 - root - INFO - [chat.py:505] - Loading vector store for hospital 166 and user default -2025-06-07 19:03:42,741 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,746 - root - INFO - [chat.py:505] - Loading vector store for hospital 167 and user default -2025-06-07 19:03:42,749 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,754 - root - INFO - [chat.py:505] - Loading vector store for hospital 168 and user default -2025-06-07 19:03:42,759 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,765 - root - INFO - [chat.py:505] - Loading vector store for hospital 169 and user default -2025-06-07 19:03:42,768 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,777 - root - INFO - [chat.py:505] - Loading vector store for hospital 170 and user default -2025-06-07 19:03:42,780 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,785 - root - INFO - [chat.py:505] - Loading vector store for hospital 172 and user default -2025-06-07 19:03:42,792 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,799 - root - INFO - [chat.py:505] - Loading vector store for hospital 173 and user default -2025-06-07 19:03:42,802 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,809 - root - INFO - [chat.py:505] - Loading vector store for hospital 181 and user default -2025-06-07 19:03:42,812 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,820 - root - INFO - [chat.py:505] - Loading vector store for hospital 182 and user default -2025-06-07 19:03:42,823 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,828 - root - INFO - [chat.py:505] - Loading vector store for hospital 183 and user default -2025-06-07 19:03:42,831 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,836 - root - INFO - [chat.py:505] - Loading vector store for hospital 184 and user default -2025-06-07 19:03:42,839 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,844 - root - INFO - [chat.py:505] - Loading vector store for hospital 194 and user default -2025-06-07 19:03:42,847 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,852 - root - INFO - [chat.py:505] - Loading vector store for hospital 195 and user default -2025-06-07 19:03:42,855 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,860 - root - INFO - [chat.py:505] - Loading vector store for hospital 196 and user default -2025-06-07 19:03:42,863 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,868 - root - INFO - [chat.py:505] - Loading vector store for hospital 197 and user default -2025-06-07 19:03:42,871 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,876 - root - INFO - [chat.py:505] - Loading vector store for hospital 198 and user default -2025-06-07 19:03:42,879 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,884 - root - INFO - [chat.py:505] - Loading vector store for hospital 199 and user default -2025-06-07 19:03:42,887 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,892 - root - INFO - [chat.py:505] - Loading vector store for hospital 201 and user default -2025-06-07 19:03:42,896 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,902 - root - INFO - [chat.py:505] - Loading vector store for hospital 202 and user default -2025-06-07 19:03:42,907 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,912 - root - INFO - [chat.py:505] - Loading vector store for hospital 203 and user default -2025-06-07 19:03:42,915 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,921 - root - INFO - [chat.py:505] - Loading vector store for hospital 204 and user default -2025-06-07 19:03:42,924 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,929 - root - INFO - [chat.py:505] - Loading vector store for hospital 206 and user default -2025-06-07 19:03:42,932 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,939 - root - INFO - [chat.py:505] - Loading vector store for hospital 207 and user default -2025-06-07 19:03:42,942 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,948 - root - INFO - [chat.py:505] - Loading vector store for hospital 209 and user default -2025-06-07 19:03:42,952 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,957 - root - INFO - [chat.py:505] - Loading vector store for hospital 210 and user default -2025-06-07 19:03:42,960 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,965 - root - INFO - [chat.py:505] - Loading vector store for hospital 212 and user default -2025-06-07 19:03:42,968 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,973 - root - INFO - [chat.py:505] - Loading vector store for hospital 213 and user default -2025-06-07 19:03:42,976 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,982 - root - INFO - [chat.py:505] - Loading vector store for hospital 224 and user default -2025-06-07 19:03:42,985 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,990 - root - INFO - [chat.py:505] - Loading vector store for hospital 225 and user default -2025-06-07 19:03:42,993 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:42,998 - root - INFO - [chat.py:505] - Loading vector store for hospital 230 and user default -2025-06-07 19:03:43,002 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:43,007 - root - INFO - [chat.py:505] - Loading vector store for hospital 231 and user default -2025-06-07 19:03:43,010 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:03:43,016 - root - INFO - [chat.py:2039] - Vector stores loaded successfully -2025-06-07 19:03:43,016 - root - INFO - [chat.py:2042] - Starting Flask application on port 5000 -2025-06-07 19:03:43,023 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-07 19:03:43,023 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-07 19:04:17,639 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 19:04:17,641 - root - INFO - [chat.py:1820] - Received question from user default: tell me about corona virus -2025-06-07 19:04:17,641 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 19:04:17,641 - root - INFO - [chat.py:1822] - Received session_id: 2 -2025-06-07 19:04:17,646 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 19:04:19,460 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:04:19,710 - root - INFO - [chat.py:1235] - Cached context for key: context:hospital_229:tell me about corona virus -2025-06-07 19:04:19,711 - root - INFO - [chat.py:754] - Key words: ['corona', 'virus'] -2025-06-07 19:04:19,711 - root - INFO - [chat.py:761] - Matches: 2 out of 2 keywords -2025-06-07 19:04:19,711 - root - INFO - [chat.py:764] - Match ratio: 1.0 -2025-06-07 19:04:22,225 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:04:22,235 - root - INFO - [chat.py:1621] - Generated RAG answer for question: tell me about corona virus -2025-06-07 19:04:22,238 - root - INFO - [chat.py:917] - Stored RAG interaction in Redis for default:229:2 -2025-06-07 19:04:22,240 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 4.601s - IP: 127.0.0.1 -2025-06-07 19:04:22,242 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:04:22] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:05:27,746 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 19:05:27,748 - root - INFO - [chat.py:1820] - Received question from user default: what is pneumonia -2025-06-07 19:05:27,748 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 19:05:27,749 - root - INFO - [chat.py:1822] - Received session_id: 2 -2025-06-07 19:05:27,757 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 19:05:28,967 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:05:28,992 - root - INFO - [chat.py:1235] - Cached context for key: context:hospital_229:what is pneumonia -2025-06-07 19:05:28,992 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 19:05:28,993 - root - INFO - [chat.py:1563] - - Referential words: False -2025-06-07 19:05:28,993 - root - INFO - [chat.py:1564] - - Term similarity: 0.00 -2025-06-07 19:05:28,993 - root - INFO - [chat.py:1565] - - Entity attribute question: False -2025-06-07 19:05:28,993 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 19:05:28,993 - root - INFO - [chat.py:1567] - - Is follow-up: False -2025-06-07 19:05:28,993 - root - INFO - [chat.py:754] - Key words: ['pneumonia'] -2025-06-07 19:05:28,994 - root - INFO - [chat.py:761] - Matches: 1 out of 1 keywords -2025-06-07 19:05:28,994 - root - INFO - [chat.py:764] - Match ratio: 1.0 -2025-06-07 19:05:32,433 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:05:32,435 - root - INFO - [chat.py:1621] - Generated RAG answer for question: what is pneumonia -2025-06-07 19:05:32,435 - root - INFO - [chat.py:917] - Stored RAG interaction in Redis for default:229:2 -2025-06-07 19:05:32,436 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 4.690s - IP: 127.0.0.1 -2025-06-07 19:05:32,437 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:05:32] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:10:52,488 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 19:10:52,490 - root - INFO - [chat.py:1820] - Received question from user default: tell me about catholic healthcare -2025-06-07 19:10:52,490 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 19:10:52,490 - root - INFO - [chat.py:1822] - Received session_id: 2 -2025-06-07 19:10:52,498 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 19:10:53,662 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:10:53,688 - root - INFO - [chat.py:1235] - Cached context for key: context:hospital_229:tell me about catholic healthcare -2025-06-07 19:10:53,689 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 19:10:53,689 - root - INFO - [chat.py:1563] - - Referential words: False -2025-06-07 19:10:53,689 - root - INFO - [chat.py:1564] - - Term similarity: 0.00 -2025-06-07 19:10:53,689 - root - INFO - [chat.py:1565] - - Entity attribute question: True -2025-06-07 19:10:53,689 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 19:10:53,690 - root - INFO - [chat.py:1567] - - Is follow-up: False -2025-06-07 19:10:53,690 - root - INFO - [chat.py:754] - Key words: ['catholic', 'healthcare'] -2025-06-07 19:10:53,690 - root - INFO - [chat.py:761] - Matches: 2 out of 2 keywords -2025-06-07 19:10:53,690 - root - INFO - [chat.py:764] - Match ratio: 1.0 -2025-06-07 19:10:58,324 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:10:58,326 - root - INFO - [chat.py:1621] - Generated RAG answer for question: tell me about catholic healthcare -2025-06-07 19:10:58,327 - root - INFO - [chat.py:917] - Stored RAG interaction in Redis for default:229:2 -2025-06-07 19:10:58,328 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 5.840s - IP: 127.0.0.1 -2025-06-07 19:10:58,329 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:10:58] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:11:22,941 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 19:11:22,943 - root - INFO - [chat.py:1820] - Received question from user default: what do you know about manipal hospitals -2025-06-07 19:11:22,943 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 19:11:22,943 - root - INFO - [chat.py:1822] - Received session_id: 2 -2025-06-07 19:11:22,949 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 19:11:24,076 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:11:24,097 - root - INFO - [chat.py:1235] - Cached context for key: context:hospital_229:what do you know about manipal hospitals -2025-06-07 19:11:24,098 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 19:11:24,098 - root - INFO - [chat.py:1563] - - Referential words: False -2025-06-07 19:11:24,099 - root - INFO - [chat.py:1564] - - Term similarity: 0.00 -2025-06-07 19:11:24,099 - root - INFO - [chat.py:1565] - - Entity attribute question: True -2025-06-07 19:11:24,099 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 19:11:24,099 - root - INFO - [chat.py:1567] - - Is follow-up: False -2025-06-07 19:11:24,099 - root - INFO - [chat.py:754] - Key words: ['manipal', 'hospitals'] -2025-06-07 19:11:24,099 - root - INFO - [chat.py:761] - Matches: 0 out of 2 keywords -2025-06-07 19:11:24,099 - root - INFO - [chat.py:764] - Match ratio: 0.0 -2025-06-07 19:11:24,099 - root - INFO - [chat.py:1576] - General knowledge question detected -2025-06-07 19:11:24,101 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 1.159s - IP: 127.0.0.1 -2025-06-07 19:11:24,101 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:11:24] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:12:51,666 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 19:12:51,667 - root - INFO - [chat.py:1820] - Received question from user default: can you tell me about catholic health -2025-06-07 19:12:51,668 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 19:12:51,668 - root - INFO - [chat.py:1822] - Received session_id: 2 -2025-06-07 19:12:51,676 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 19:12:52,743 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:12:52,766 - root - INFO - [chat.py:1235] - Cached context for key: context:hospital_229:can you tell me about catholic health -2025-06-07 19:12:52,766 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 19:12:52,767 - root - INFO - [chat.py:1563] - - Referential words: False -2025-06-07 19:12:52,767 - root - INFO - [chat.py:1564] - - Term similarity: 0.02 -2025-06-07 19:12:52,767 - root - INFO - [chat.py:1565] - - Entity attribute question: True -2025-06-07 19:12:52,767 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 19:12:52,767 - root - INFO - [chat.py:1567] - - Is follow-up: False -2025-06-07 19:12:52,767 - root - INFO - [chat.py:754] - Key words: ['catholic', 'health'] -2025-06-07 19:12:52,767 - root - INFO - [chat.py:761] - Matches: 2 out of 2 keywords -2025-06-07 19:12:52,768 - root - INFO - [chat.py:764] - Match ratio: 1.0 -2025-06-07 19:12:56,305 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:12:56,307 - root - INFO - [chat.py:1621] - Generated RAG answer for question: can you tell me about catholic health -2025-06-07 19:12:56,308 - root - INFO - [chat.py:917] - Stored RAG interaction in Redis for default:229:2 -2025-06-07 19:12:56,309 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 4.643s - IP: 127.0.0.1 -2025-06-07 19:12:56,310 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:12:56] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:14:06,125 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 19:14:06,127 - root - INFO - [chat.py:1820] - Received question from user default: what is the mision vision and values of catholic health -2025-06-07 19:14:06,127 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 19:14:06,127 - root - INFO - [chat.py:1822] - Received session_id: 2 -2025-06-07 19:14:06,135 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 19:14:07,063 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:14:07,082 - root - INFO - [chat.py:1235] - Cached context for key: context:hospital_229:what is the mision vision and values of catholic health -2025-06-07 19:14:07,083 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 19:14:07,083 - root - INFO - [chat.py:1563] - - Referential words: False -2025-06-07 19:14:07,084 - root - INFO - [chat.py:1564] - - Term similarity: 0.03 -2025-06-07 19:14:07,084 - root - INFO - [chat.py:1565] - - Entity attribute question: False -2025-06-07 19:14:07,084 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 19:14:07,084 - root - INFO - [chat.py:1567] - - Is follow-up: False -2025-06-07 19:14:07,084 - root - INFO - [chat.py:754] - Key words: ['mision', 'vision', 'values', 'catholic', 'health'] -2025-06-07 19:14:07,084 - root - INFO - [chat.py:761] - Matches: 4 out of 5 keywords -2025-06-07 19:14:07,084 - root - INFO - [chat.py:764] - Match ratio: 0.8 -2025-06-07 19:14:10,527 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:14:10,529 - root - INFO - [chat.py:1621] - Generated RAG answer for question: what is the mision vision and values of catholic health -2025-06-07 19:14:10,530 - root - INFO - [chat.py:917] - Stored RAG interaction in Redis for default:229:2 -2025-06-07 19:14:10,531 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 4.407s - IP: 127.0.0.1 -2025-06-07 19:14:10,532 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:14:10] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:15:00,529 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 19:15:00,530 - root - INFO - [chat.py:1820] - Received question from user default: what are the pillars and goals of it -2025-06-07 19:15:00,532 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 19:15:00,532 - root - INFO - [chat.py:1822] - Received session_id: 2 -2025-06-07 19:15:00,538 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 19:15:01,444 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:15:01,459 - root - INFO - [chat.py:1235] - Cached context for key: context:hospital_229:what are the pillars and goals of it -2025-06-07 19:15:01,460 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 19:15:01,460 - root - INFO - [chat.py:1563] - - Referential words: True -2025-06-07 19:15:01,461 - root - INFO - [chat.py:1564] - - Term similarity: 0.01 -2025-06-07 19:15:01,461 - root - INFO - [chat.py:1565] - - Entity attribute question: False -2025-06-07 19:15:01,461 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 19:15:01,461 - root - INFO - [chat.py:1567] - - Is follow-up: True -2025-06-07 19:15:03,572 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:15:03,574 - root - INFO - [chat.py:1621] - Generated RAG answer for question: what are the pillars and goals of it -2025-06-07 19:15:03,575 - root - INFO - [chat.py:917] - Stored RAG interaction in Redis for default:229:2 -2025-06-07 19:15:03,577 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 3.047s - IP: 127.0.0.1 -2025-06-07 19:15:03,578 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:15:03] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:15:50,924 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 19:15:50,925 - root - INFO - [chat.py:1820] - Received question from user default: what is his growth and partnership -2025-06-07 19:15:50,926 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 19:15:50,926 - root - INFO - [chat.py:1822] - Received session_id: 2 -2025-06-07 19:15:50,933 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 19:15:51,906 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:15:51,943 - root - INFO - [chat.py:1235] - Cached context for key: context:hospital_229:what is his growth and partnership -2025-06-07 19:15:51,943 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 19:15:51,943 - root - INFO - [chat.py:1563] - - Referential words: True -2025-06-07 19:15:51,943 - root - INFO - [chat.py:1564] - - Term similarity: 0.02 -2025-06-07 19:15:51,944 - root - INFO - [chat.py:1565] - - Entity attribute question: False -2025-06-07 19:15:51,944 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 19:15:51,944 - root - INFO - [chat.py:1567] - - Is follow-up: True -2025-06-07 19:15:53,119 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:15:53,121 - root - INFO - [chat.py:1621] - Generated RAG answer for question: what is his growth and partnership -2025-06-07 19:15:53,123 - root - INFO - [chat.py:917] - Stored RAG interaction in Redis for default:229:2 -2025-06-07 19:15:53,124 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 2.199s - IP: 127.0.0.1 -2025-06-07 19:15:53,124 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:15:53] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:16:25,209 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 19:16:25,210 - root - INFO - [chat.py:1820] - Received question from user default: tell me about his equal employment opportunity -2025-06-07 19:16:25,210 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 19:16:25,211 - root - INFO - [chat.py:1822] - Received session_id: 2 -2025-06-07 19:16:25,217 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 19:16:26,657 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:16:26,679 - root - INFO - [chat.py:1235] - Cached context for key: context:hospital_229:tell me about his equal employment opportunity -2025-06-07 19:16:26,679 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 19:16:26,680 - root - INFO - [chat.py:1563] - - Referential words: True -2025-06-07 19:16:26,680 - root - INFO - [chat.py:1564] - - Term similarity: 0.04 -2025-06-07 19:16:26,680 - root - INFO - [chat.py:1565] - - Entity attribute question: True -2025-06-07 19:16:26,680 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 19:16:26,680 - root - INFO - [chat.py:1567] - - Is follow-up: True -2025-06-07 19:16:28,476 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:16:28,484 - root - INFO - [chat.py:1621] - Generated RAG answer for question: tell me about his equal employment opportunity -2025-06-07 19:16:28,485 - root - INFO - [chat.py:917] - Stored RAG interaction in Redis for default:229:2 -2025-06-07 19:16:28,486 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 3.277s - IP: 127.0.0.1 -2025-06-07 19:16:28,487 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:16:28] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:17:28,778 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 19:17:28,779 - root - INFO - [chat.py:1820] - Received question from user default: what is covid 19 -2025-06-07 19:17:28,780 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 19:17:28,780 - root - INFO - [chat.py:1822] - Received session_id: 2 -2025-06-07 19:17:28,786 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 19:17:29,674 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:17:29,695 - root - INFO - [chat.py:1235] - Cached context for key: context:hospital_229:what is covid 19 -2025-06-07 19:17:29,696 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 19:17:29,696 - root - INFO - [chat.py:1563] - - Referential words: False -2025-06-07 19:17:29,697 - root - INFO - [chat.py:1564] - - Term similarity: 0.00 -2025-06-07 19:17:29,697 - root - INFO - [chat.py:1565] - - Entity attribute question: False -2025-06-07 19:17:29,697 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 19:17:29,698 - root - INFO - [chat.py:1567] - - Is follow-up: False -2025-06-07 19:17:29,698 - root - INFO - [chat.py:754] - Key words: ['covid'] -2025-06-07 19:17:29,699 - root - INFO - [chat.py:761] - Matches: 1 out of 1 keywords -2025-06-07 19:17:29,699 - root - INFO - [chat.py:764] - Match ratio: 1.0 -2025-06-07 19:17:30,336 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:17:30,338 - root - INFO - [chat.py:1621] - Generated RAG answer for question: what is covid 19 -2025-06-07 19:17:30,339 - root - INFO - [chat.py:917] - Stored RAG interaction in Redis for default:229:2 -2025-06-07 19:17:30,340 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 1.562s - IP: 127.0.0.1 -2025-06-07 19:17:30,341 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:17:30] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:18:56,864 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 19:18:56,868 - root - INFO - [chat.py:1820] - Received question from user default: what is the code for wound myiasis -2025-06-07 19:18:56,868 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 19:18:56,868 - root - INFO - [chat.py:1822] - Received session_id: 2 -2025-06-07 19:18:56,877 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 19:18:58,176 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:18:58,209 - root - INFO - [chat.py:1235] - Cached context for key: context:hospital_229:what is the code for wound myiasis -2025-06-07 19:18:58,210 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 19:18:58,210 - root - INFO - [chat.py:1563] - - Referential words: False -2025-06-07 19:18:58,210 - root - INFO - [chat.py:1564] - - Term similarity: 0.12 -2025-06-07 19:18:58,210 - root - INFO - [chat.py:1565] - - Entity attribute question: False -2025-06-07 19:18:58,210 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 19:18:58,210 - root - INFO - [chat.py:1567] - - Is follow-up: False -2025-06-07 19:18:58,210 - root - INFO - [chat.py:754] - Key words: ['code', 'wound', 'myiasis'] -2025-06-07 19:18:58,210 - root - INFO - [chat.py:761] - Matches: 2 out of 3 keywords -2025-06-07 19:18:58,210 - root - INFO - [chat.py:764] - Match ratio: 0.6666666666666666 -2025-06-07 19:18:59,042 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:18:59,043 - root - INFO - [chat.py:1621] - Generated RAG answer for question: what is the code for wound myiasis -2025-06-07 19:18:59,044 - root - INFO - [chat.py:917] - Stored RAG interaction in Redis for default:229:2 -2025-06-07 19:18:59,045 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 2.181s - IP: 127.0.0.1 -2025-06-07 19:18:59,046 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:18:59] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:29:40,049 - access - INFO - [chat.py:1811] - Generate answer request received from 127.0.0.1 -2025-06-07 19:29:40,057 - root - INFO - [chat.py:1820] - Received question from user default: tell me about karnataka -2025-06-07 19:29:40,057 - root - INFO - [chat.py:1821] - Received hospital code: 7SZLQGX2HHU1 -2025-06-07 19:29:40,057 - root - INFO - [chat.py:1822] - Received session_id: 2 -2025-06-07 19:29:40,063 - root - INFO - [chat.py:1830] - Resolved hospital ID: 229 -2025-06-07 19:29:41,082 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:29:41,118 - root - INFO - [chat.py:1235] - Cached context for key: context:hospital_229:tell me about karnataka -2025-06-07 19:29:41,118 - root - INFO - [chat.py:1562] - Follow-up analysis enhanced: -2025-06-07 19:29:41,119 - root - INFO - [chat.py:1563] - - Referential words: False -2025-06-07 19:29:41,119 - root - INFO - [chat.py:1564] - - Term similarity: 0.00 -2025-06-07 19:29:41,119 - root - INFO - [chat.py:1565] - - Entity attribute question: True -2025-06-07 19:29:41,119 - root - INFO - [chat.py:1566] - - Last entities found: set() -2025-06-07 19:29:41,119 - root - INFO - [chat.py:1567] - - Is follow-up: False -2025-06-07 19:29:41,119 - root - INFO - [chat.py:754] - Key words: ['karnataka'] -2025-06-07 19:29:41,119 - root - INFO - [chat.py:761] - Matches: 0 out of 1 keywords -2025-06-07 19:29:41,119 - root - INFO - [chat.py:764] - Match ratio: 0.0 -2025-06-07 19:29:41,120 - root - INFO - [chat.py:1576] - General knowledge question detected -2025-06-07 19:29:41,121 - access - INFO - [chat.py:2004] - "POST /flask-api/generate-answer" 200 - Duration: 1.072s - IP: 127.0.0.1 -2025-06-07 19:29:41,122 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:29:41] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:30:48,666 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-07 19:30:48,679 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-07 19:31:06,019 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-07 19:31:06,019 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-07 19:31:06,020 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-07 19:31:06,020 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-07 19:31:10,212 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-07 19:31:10,216 - root - INFO - [chat.py:3826] - Starting SpurrinAI application -2025-06-07 19:31:10,216 - root - INFO - [chat.py:3827] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-07 19:31:10,217 - root - INFO - [chat.py:3828] - Environment: production -2025-06-07 19:31:10,217 - root - INFO - [chat.py:3832] - Model manager initialized successfully -2025-06-07 19:31:10,217 - root - INFO - [chat.py:3840] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-07 19:31:10,219 - root - INFO - [chat.py:3848] - Cleared 0 Redis cache keys -2025-06-07 19:31:10,219 - root - INFO - [chat.py:3851] - Loading existing vector stores... -2025-06-07 19:31:10,284 - root - INFO - [chat.py:2549] - Loading vector store for hospital 121 and user default -2025-06-07 19:31:10,785 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:31:11,072 - root - INFO - [chat.py:2549] - Loading vector store for hospital 122 and user default -2025-06-07 19:31:11,076 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:31:11,091 - root - INFO - [chat.py:2549] - Loading vector store for hospital 123 and user default -2025-06-07 19:31:11,094 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:31:11,109 - root - INFO - [chat.py:2560] - Creating vector store for hospital 120 -2025-06-07 19:31:11,113 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:31:16,739 - root - INFO - [chat.py:3853] - Vector stores loaded successfully -2025-06-07 19:31:16,740 - root - INFO - [chat.py:3856] - Starting Flask application on port 5000 -2025-06-07 19:31:16,748 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-07 19:31:16,749 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-07 19:32:19,246 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 400 - Duration: 0.006s - IP: 127.0.0.1 -2025-06-07 19:32:19,248 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:32:19] "[31m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 400 - -2025-06-07 19:32:20,255 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 400 - Duration: 0.003s - IP: 127.0.0.1 -2025-06-07 19:32:20,256 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:32:20] "[31m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 400 - -2025-06-07 19:32:21,263 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 400 - Duration: 0.003s - IP: 127.0.0.1 -2025-06-07 19:32:21,264 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:32:21] "[31m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 400 - -2025-06-07 19:32:21,267 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-07 19:32:21,268 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:32:21] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:32:57,713 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 400 - Duration: 0.004s - IP: 127.0.0.1 -2025-06-07 19:32:57,715 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:32:57] "[31m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 400 - -2025-06-07 19:32:58,728 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 400 - Duration: 0.009s - IP: 127.0.0.1 -2025-06-07 19:32:58,728 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:32:58] "[31m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 400 - -2025-06-07 19:32:59,739 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 400 - Duration: 0.005s - IP: 127.0.0.1 -2025-06-07 19:32:59,739 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:32:59] "[31m[1mPOST /flask-api/generate-answer HTTP/1.1[0m" 400 - -2025-06-07 19:32:59,744 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:32:59,745 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:32:59] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:34:58,209 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-07 19:34:58,224 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-07 19:35:09,958 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-07 19:35:09,958 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-07 19:35:09,959 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-07 19:35:09,959 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-07 19:35:13,216 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-07 19:35:13,220 - root - INFO - [chat.py:3826] - Starting SpurrinAI application -2025-06-07 19:35:13,220 - root - INFO - [chat.py:3827] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-07 19:35:13,220 - root - INFO - [chat.py:3828] - Environment: production -2025-06-07 19:35:13,220 - root - INFO - [chat.py:3832] - Model manager initialized successfully -2025-06-07 19:35:13,220 - root - INFO - [chat.py:3840] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-07 19:35:13,222 - root - INFO - [chat.py:3848] - Cleared 0 Redis cache keys -2025-06-07 19:35:13,222 - root - INFO - [chat.py:3851] - Loading existing vector stores... -2025-06-07 19:35:13,230 - root - INFO - [chat.py:2549] - Loading vector store for hospital 6 and user default -2025-06-07 19:35:13,830 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,056 - root - INFO - [chat.py:2549] - Loading vector store for hospital 10 and user default -2025-06-07 19:35:14,059 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,071 - root - INFO - [chat.py:2549] - Loading vector store for hospital 16 and user default -2025-06-07 19:35:14,074 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,086 - root - INFO - [chat.py:2549] - Loading vector store for hospital 19 and user default -2025-06-07 19:35:14,089 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,101 - root - INFO - [chat.py:2549] - Loading vector store for hospital 26 and user default -2025-06-07 19:35:14,104 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,115 - root - INFO - [chat.py:2549] - Loading vector store for hospital 27 and user default -2025-06-07 19:35:14,118 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,128 - root - INFO - [chat.py:2549] - Loading vector store for hospital 29 and user default -2025-06-07 19:35:14,131 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,142 - root - INFO - [chat.py:2549] - Loading vector store for hospital 31 and user default -2025-06-07 19:35:14,145 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,156 - root - INFO - [chat.py:2549] - Loading vector store for hospital 32 and user default -2025-06-07 19:35:14,159 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,169 - root - INFO - [chat.py:2549] - Loading vector store for hospital 36 and user default -2025-06-07 19:35:14,172 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,182 - root - INFO - [chat.py:2549] - Loading vector store for hospital 37 and user default -2025-06-07 19:35:14,185 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,194 - root - INFO - [chat.py:2549] - Loading vector store for hospital 41 and user default -2025-06-07 19:35:14,197 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,208 - root - INFO - [chat.py:2549] - Loading vector store for hospital 42 and user default -2025-06-07 19:35:14,213 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,225 - root - INFO - [chat.py:2549] - Loading vector store for hospital 47 and user default -2025-06-07 19:35:14,228 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,238 - root - INFO - [chat.py:2549] - Loading vector store for hospital 48 and user default -2025-06-07 19:35:14,241 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,261 - root - INFO - [chat.py:2549] - Loading vector store for hospital 52 and user default -2025-06-07 19:35:14,266 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,281 - root - INFO - [chat.py:2549] - Loading vector store for hospital 53 and user default -2025-06-07 19:35:14,283 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,293 - root - INFO - [chat.py:2549] - Loading vector store for hospital 56 and user default -2025-06-07 19:35:14,296 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,307 - root - INFO - [chat.py:2549] - Loading vector store for hospital 57 and user default -2025-06-07 19:35:14,310 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,320 - root - INFO - [chat.py:2549] - Loading vector store for hospital 59 and user default -2025-06-07 19:35:14,323 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,333 - root - INFO - [chat.py:2549] - Loading vector store for hospital 60 and user default -2025-06-07 19:35:14,336 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,346 - root - INFO - [chat.py:2549] - Loading vector store for hospital 64 and user default -2025-06-07 19:35:14,350 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,361 - root - INFO - [chat.py:2549] - Loading vector store for hospital 65 and user default -2025-06-07 19:35:14,365 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,374 - root - INFO - [chat.py:2549] - Loading vector store for hospital 66 and user default -2025-06-07 19:35:14,377 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,387 - root - INFO - [chat.py:2549] - Loading vector store for hospital 67 and user default -2025-06-07 19:35:14,390 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,400 - root - INFO - [chat.py:2549] - Loading vector store for hospital 68 and user default -2025-06-07 19:35:14,403 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,412 - root - INFO - [chat.py:2549] - Loading vector store for hospital 69 and user default -2025-06-07 19:35:14,416 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,426 - root - INFO - [chat.py:2549] - Loading vector store for hospital 70 and user default -2025-06-07 19:35:14,429 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,440 - root - INFO - [chat.py:2549] - Loading vector store for hospital 71 and user default -2025-06-07 19:35:14,443 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,453 - root - INFO - [chat.py:2549] - Loading vector store for hospital 72 and user default -2025-06-07 19:35:14,458 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,470 - root - INFO - [chat.py:2549] - Loading vector store for hospital 73 and user default -2025-06-07 19:35:14,473 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,484 - root - INFO - [chat.py:2549] - Loading vector store for hospital 75 and user default -2025-06-07 19:35:14,488 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,498 - root - INFO - [chat.py:2549] - Loading vector store for hospital 76 and user default -2025-06-07 19:35:14,501 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,511 - root - INFO - [chat.py:2549] - Loading vector store for hospital 80 and user default -2025-06-07 19:35:14,514 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,526 - root - INFO - [chat.py:2549] - Loading vector store for hospital 81 and user default -2025-06-07 19:35:14,529 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,543 - root - INFO - [chat.py:2549] - Loading vector store for hospital 86 and user default -2025-06-07 19:35:14,547 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,557 - root - INFO - [chat.py:2549] - Loading vector store for hospital 87 and user default -2025-06-07 19:35:14,561 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,572 - root - INFO - [chat.py:2549] - Loading vector store for hospital 90 and user default -2025-06-07 19:35:14,577 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,587 - root - INFO - [chat.py:2549] - Loading vector store for hospital 91 and user default -2025-06-07 19:35:14,590 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,600 - root - INFO - [chat.py:2549] - Loading vector store for hospital 92 and user default -2025-06-07 19:35:14,603 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,613 - root - INFO - [chat.py:2549] - Loading vector store for hospital 94 and user default -2025-06-07 19:35:14,616 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,628 - root - INFO - [chat.py:2549] - Loading vector store for hospital 95 and user default -2025-06-07 19:35:14,631 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,642 - root - INFO - [chat.py:2549] - Loading vector store for hospital 96 and user default -2025-06-07 19:35:14,645 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,656 - root - INFO - [chat.py:2549] - Loading vector store for hospital 97 and user default -2025-06-07 19:35:14,660 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,671 - root - INFO - [chat.py:2549] - Loading vector store for hospital 99 and user default -2025-06-07 19:35:14,673 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,691 - root - INFO - [chat.py:2549] - Loading vector store for hospital 103 and user default -2025-06-07 19:35:14,694 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,704 - root - INFO - [chat.py:2549] - Loading vector store for hospital 106 and user default -2025-06-07 19:35:14,707 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,719 - root - INFO - [chat.py:2549] - Loading vector store for hospital 107 and user default -2025-06-07 19:35:14,722 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,733 - root - INFO - [chat.py:2549] - Loading vector store for hospital 110 and user default -2025-06-07 19:35:14,736 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,747 - root - INFO - [chat.py:2549] - Loading vector store for hospital 111 and user default -2025-06-07 19:35:14,750 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,762 - root - INFO - [chat.py:2549] - Loading vector store for hospital 112 and user default -2025-06-07 19:35:14,765 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,775 - root - INFO - [chat.py:2549] - Loading vector store for hospital 113 and user default -2025-06-07 19:35:14,778 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,789 - root - INFO - [chat.py:2549] - Loading vector store for hospital 114 and user default -2025-06-07 19:35:14,792 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,803 - root - INFO - [chat.py:2549] - Loading vector store for hospital 116 and user default -2025-06-07 19:35:14,806 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,816 - root - INFO - [chat.py:2549] - Loading vector store for hospital 117 and user default -2025-06-07 19:35:14,819 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,829 - root - INFO - [chat.py:2549] - Loading vector store for hospital 118 and user default -2025-06-07 19:35:14,832 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,844 - root - INFO - [chat.py:2549] - Loading vector store for hospital 119 and user default -2025-06-07 19:35:14,847 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,857 - root - INFO - [chat.py:2549] - Loading vector store for hospital 121 and user default -2025-06-07 19:35:14,860 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,865 - root - INFO - [chat.py:2549] - Loading vector store for hospital 122 and user default -2025-06-07 19:35:14,869 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,875 - root - INFO - [chat.py:2549] - Loading vector store for hospital 123 and user default -2025-06-07 19:35:14,877 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,883 - root - INFO - [chat.py:2549] - Loading vector store for hospital 124 and user default -2025-06-07 19:35:14,885 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,896 - root - INFO - [chat.py:2549] - Loading vector store for hospital 126 and user default -2025-06-07 19:35:14,899 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,909 - root - INFO - [chat.py:2549] - Loading vector store for hospital 127 and user default -2025-06-07 19:35:14,912 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,924 - root - INFO - [chat.py:2549] - Loading vector store for hospital 129 and user default -2025-06-07 19:35:14,928 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,939 - root - INFO - [chat.py:2549] - Loading vector store for hospital 131 and user default -2025-06-07 19:35:14,942 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,952 - root - INFO - [chat.py:2549] - Loading vector store for hospital 132 and user default -2025-06-07 19:35:14,955 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:14,968 - root - INFO - [chat.py:2549] - Loading vector store for hospital 136 and user default -2025-06-07 19:35:14,971 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,359 - root - INFO - [chat.py:2549] - Loading vector store for hospital 137 and user default -2025-06-07 19:35:15,362 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,373 - root - INFO - [chat.py:2549] - Loading vector store for hospital 141 and user default -2025-06-07 19:35:15,375 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,385 - root - INFO - [chat.py:2549] - Loading vector store for hospital 142 and user default -2025-06-07 19:35:15,388 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,399 - root - INFO - [chat.py:2549] - Loading vector store for hospital 145 and user default -2025-06-07 19:35:15,402 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,414 - root - INFO - [chat.py:2549] - Loading vector store for hospital 146 and user default -2025-06-07 19:35:15,417 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,430 - root - INFO - [chat.py:2549] - Loading vector store for hospital 148 and user default -2025-06-07 19:35:15,433 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,444 - root - INFO - [chat.py:2549] - Loading vector store for hospital 177 and user default -2025-06-07 19:35:15,447 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,458 - root - INFO - [chat.py:2549] - Loading vector store for hospital 178 and user default -2025-06-07 19:35:15,461 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,472 - root - INFO - [chat.py:2549] - Loading vector store for hospital 186 and user default -2025-06-07 19:35:15,475 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,486 - root - INFO - [chat.py:2549] - Loading vector store for hospital 187 and user default -2025-06-07 19:35:15,488 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,499 - root - INFO - [chat.py:2549] - Loading vector store for hospital 191 and user default -2025-06-07 19:35:15,502 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,513 - root - INFO - [chat.py:2549] - Loading vector store for hospital 192 and user default -2025-06-07 19:35:15,517 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,529 - root - INFO - [chat.py:2549] - Loading vector store for hospital 200 and user default -2025-06-07 19:35:15,533 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,544 - root - INFO - [chat.py:2549] - Loading vector store for hospital 45 and user default -2025-06-07 19:35:15,547 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,558 - root - INFO - [chat.py:2549] - Loading vector store for hospital 63 and user default -2025-06-07 19:35:15,561 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,572 - root - INFO - [chat.py:2549] - Loading vector store for hospital 93 and user default -2025-06-07 19:35:15,575 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,586 - root - INFO - [chat.py:2549] - Loading vector store for hospital 98 and user default -2025-06-07 19:35:15,589 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,599 - root - INFO - [chat.py:2549] - Loading vector store for hospital 102 and user default -2025-06-07 19:35:15,602 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,613 - root - INFO - [chat.py:2549] - Loading vector store for hospital 104 and user default -2025-06-07 19:35:15,616 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,627 - root - INFO - [chat.py:2549] - Loading vector store for hospital 229 and user default -2025-06-07 19:35:15,630 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,653 - root - INFO - [chat.py:2549] - Loading vector store for hospital 232 and user default -2025-06-07 19:35:15,656 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,668 - root - INFO - [chat.py:2549] - Loading vector store for hospital 109 and user default -2025-06-07 19:35:15,671 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,687 - root - INFO - [chat.py:2549] - Loading vector store for hospital 222 and user default -2025-06-07 19:35:15,690 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,701 - root - INFO - [chat.py:2549] - Loading vector store for hospital 234 and user default -2025-06-07 19:35:15,704 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,720 - root - INFO - [chat.py:2549] - Loading vector store for hospital 235 and user default -2025-06-07 19:35:15,724 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,737 - root - INFO - [chat.py:2549] - Loading vector store for hospital 236 and user default -2025-06-07 19:35:15,740 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,760 - root - INFO - [chat.py:2549] - Loading vector store for hospital 149 and user default -2025-06-07 19:35:15,763 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,776 - root - INFO - [chat.py:2549] - Loading vector store for hospital 150 and user default -2025-06-07 19:35:15,779 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,790 - root - INFO - [chat.py:2549] - Loading vector store for hospital 151 and user default -2025-06-07 19:35:15,793 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,805 - root - INFO - [chat.py:2549] - Loading vector store for hospital 152 and user default -2025-06-07 19:35:15,808 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,817 - root - INFO - [chat.py:2549] - Loading vector store for hospital 153 and user default -2025-06-07 19:35:15,820 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,833 - root - INFO - [chat.py:2549] - Loading vector store for hospital 154 and user default -2025-06-07 19:35:15,837 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,861 - root - INFO - [chat.py:2549] - Loading vector store for hospital 155 and user default -2025-06-07 19:35:15,864 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,881 - root - INFO - [chat.py:2549] - Loading vector store for hospital 157 and user default -2025-06-07 19:35:15,885 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,895 - root - INFO - [chat.py:2549] - Loading vector store for hospital 158 and user default -2025-06-07 19:35:15,898 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,912 - root - INFO - [chat.py:2549] - Loading vector store for hospital 160 and user default -2025-06-07 19:35:15,917 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,928 - root - INFO - [chat.py:2549] - Loading vector store for hospital 162 and user default -2025-06-07 19:35:15,933 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,946 - root - INFO - [chat.py:2549] - Loading vector store for hospital 163 and user default -2025-06-07 19:35:15,949 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,959 - root - INFO - [chat.py:2549] - Loading vector store for hospital 166 and user default -2025-06-07 19:35:15,962 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,976 - root - INFO - [chat.py:2549] - Loading vector store for hospital 167 and user default -2025-06-07 19:35:15,979 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:15,990 - root - INFO - [chat.py:2549] - Loading vector store for hospital 168 and user default -2025-06-07 19:35:15,993 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,012 - root - INFO - [chat.py:2549] - Loading vector store for hospital 169 and user default -2025-06-07 19:35:16,016 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,035 - root - INFO - [chat.py:2549] - Loading vector store for hospital 170 and user default -2025-06-07 19:35:16,038 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,053 - root - INFO - [chat.py:2549] - Loading vector store for hospital 172 and user default -2025-06-07 19:35:16,057 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,066 - root - INFO - [chat.py:2549] - Loading vector store for hospital 173 and user default -2025-06-07 19:35:16,071 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,081 - root - INFO - [chat.py:2549] - Loading vector store for hospital 181 and user default -2025-06-07 19:35:16,084 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,095 - root - INFO - [chat.py:2549] - Loading vector store for hospital 182 and user default -2025-06-07 19:35:16,098 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,112 - root - INFO - [chat.py:2549] - Loading vector store for hospital 183 and user default -2025-06-07 19:35:16,115 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,127 - root - INFO - [chat.py:2549] - Loading vector store for hospital 184 and user default -2025-06-07 19:35:16,130 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,140 - root - INFO - [chat.py:2549] - Loading vector store for hospital 194 and user default -2025-06-07 19:35:16,142 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,153 - root - INFO - [chat.py:2549] - Loading vector store for hospital 195 and user default -2025-06-07 19:35:16,157 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,169 - root - INFO - [chat.py:2549] - Loading vector store for hospital 196 and user default -2025-06-07 19:35:16,172 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,181 - root - INFO - [chat.py:2549] - Loading vector store for hospital 197 and user default -2025-06-07 19:35:16,184 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,196 - root - INFO - [chat.py:2549] - Loading vector store for hospital 198 and user default -2025-06-07 19:35:16,199 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,212 - root - INFO - [chat.py:2549] - Loading vector store for hospital 199 and user default -2025-06-07 19:35:16,214 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,225 - root - INFO - [chat.py:2549] - Loading vector store for hospital 201 and user default -2025-06-07 19:35:16,228 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,239 - root - INFO - [chat.py:2549] - Loading vector store for hospital 202 and user default -2025-06-07 19:35:16,242 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,254 - root - INFO - [chat.py:2549] - Loading vector store for hospital 203 and user default -2025-06-07 19:35:16,257 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,267 - root - INFO - [chat.py:2549] - Loading vector store for hospital 204 and user default -2025-06-07 19:35:16,271 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,281 - root - INFO - [chat.py:2549] - Loading vector store for hospital 206 and user default -2025-06-07 19:35:16,284 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,293 - root - INFO - [chat.py:2549] - Loading vector store for hospital 207 and user default -2025-06-07 19:35:16,297 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,308 - root - INFO - [chat.py:2549] - Loading vector store for hospital 209 and user default -2025-06-07 19:35:16,311 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,324 - root - INFO - [chat.py:2549] - Loading vector store for hospital 210 and user default -2025-06-07 19:35:16,328 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,337 - root - INFO - [chat.py:2549] - Loading vector store for hospital 212 and user default -2025-06-07 19:35:16,340 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,351 - root - INFO - [chat.py:2549] - Loading vector store for hospital 213 and user default -2025-06-07 19:35:16,354 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,366 - root - INFO - [chat.py:2549] - Loading vector store for hospital 224 and user default -2025-06-07 19:35:16,369 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,380 - root - INFO - [chat.py:2549] - Loading vector store for hospital 225 and user default -2025-06-07 19:35:16,383 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,400 - root - INFO - [chat.py:2549] - Loading vector store for hospital 230 and user default -2025-06-07 19:35:16,402 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,422 - root - INFO - [chat.py:2549] - Loading vector store for hospital 231 and user default -2025-06-07 19:35:16,425 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-07 19:35:16,438 - root - INFO - [chat.py:3853] - Vector stores loaded successfully -2025-06-07 19:35:16,440 - root - INFO - [chat.py:3856] - Starting Flask application on port 5000 -2025-06-07 19:35:16,445 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-07 19:35:16,446 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-07 19:35:31,051 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:35:34,708 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:35:34,982 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 5.445s - IP: 127.0.0.1 -2025-06-07 19:35:34,984 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:35:34] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:35:37,271 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:35:38,155 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:35:38,404 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.416s - IP: 127.0.0.1 -2025-06-07 19:35:38,405 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:35:38] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:35:40,328 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:35:41,071 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:35:41,316 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.907s - IP: 127.0.0.1 -2025-06-07 19:35:41,317 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:35:41] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:35:41,321 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:35:41,321 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:35:41] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:36:06,993 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:36:07,844 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:36:12,080 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 6.126s - IP: 127.0.0.1 -2025-06-07 19:36:12,081 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:36:12] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:37:25,580 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:37:26,488 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:37:26,739 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 2.431s - IP: 127.0.0.1 -2025-06-07 19:37:26,740 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:37:26] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:38:03,950 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:38:04,634 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:38:04,883 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.114s - IP: 127.0.0.1 -2025-06-07 19:38:04,884 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:38:04] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:38:07,065 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:38:08,273 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:38:08,552 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.662s - IP: 127.0.0.1 -2025-06-07 19:38:08,552 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:38:08] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:38:10,632 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:38:11,548 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:38:11,796 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.240s - IP: 127.0.0.1 -2025-06-07 19:38:11,797 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:38:11] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:38:11,801 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:38:11,801 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:38:11] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:38:34,121 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:38:35,283 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:38:36,155 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 3.339s - IP: 127.0.0.1 -2025-06-07 19:38:36,156 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:38:36] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:39:09,602 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:39:12,765 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:39:13,327 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 4.803s - IP: 127.0.0.1 -2025-06-07 19:39:13,327 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:39:13] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:39:15,247 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:39:15,949 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:39:16,192 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.861s - IP: 127.0.0.1 -2025-06-07 19:39:16,194 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:39:16] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:39:18,253 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:39:18,861 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:39:19,105 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.906s - IP: 127.0.0.1 -2025-06-07 19:39:19,106 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:39:19] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:39:19,110 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:39:19,110 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:39:19] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:40:04,835 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:40:08,575 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:40:08,823 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 11.343s - IP: 127.0.0.1 -2025-06-07 19:40:08,829 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:40:08] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:40:11,014 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:40:11,619 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:40:11,863 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.022s - IP: 127.0.0.1 -2025-06-07 19:40:11,864 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:40:11] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:40:13,698 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:40:17,733 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:40:18,109 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 5.238s - IP: 127.0.0.1 -2025-06-07 19:40:18,109 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:40:18] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:40:18,122 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:40:18,123 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:40:18] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:40:48,899 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:40:49,515 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:40:51,855 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 4.262s - IP: 127.0.0.1 -2025-06-07 19:40:51,856 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:40:51] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:42:22,439 - access - INFO - [chat.py:3818] - "GET /flask-api/get-chroma-content" 404 - Duration: 0.016s - IP: 127.0.0.1 -2025-06-07 19:42:22,440 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:42:22] "[33mGET /flask-api/get-chroma-content?hospital_id=63 HTTP/1.1[0m" 404 - -2025-06-07 19:43:28,440 - access - INFO - [chat.py:3818] - "GET /flask-api/get-chroma-content" 200 - Duration: 0.309s - IP: 127.0.0.1 -2025-06-07 19:43:28,441 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:43:28] "GET /flask-api/get-chroma-content?hospital_id=229 HTTP/1.1" 200 - -2025-06-07 19:43:45,291 - access - INFO - [chat.py:3818] - "GET /flask-api/get-chroma-content" 200 - Duration: 0.236s - IP: 127.0.0.1 -2025-06-07 19:43:45,292 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:43:45] "GET /flask-api/get-chroma-content?hospital_id=229 HTTP/1.1" 200 - -2025-06-07 19:43:51,451 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:43:52,052 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:43:52,716 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 2.414s - IP: 127.0.0.1 -2025-06-07 19:43:52,717 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:43:52] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:44:51,620 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:44:52,470 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:44:54,322 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 3.739s - IP: 127.0.0.1 -2025-06-07 19:44:54,323 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:44:54] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:45:39,123 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:45:39,773 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:45:40,006 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.861s - IP: 127.0.0.1 -2025-06-07 19:45:40,007 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:45:40] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:45:41,957 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:45:42,959 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:45:43,191 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.179s - IP: 127.0.0.1 -2025-06-07 19:45:43,192 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:45:43] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:45:45,227 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:45:45,754 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:45:46,000 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.804s - IP: 127.0.0.1 -2025-06-07 19:45:46,001 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:45:46] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:45:46,008 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:45:46,008 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:45:46] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:46:30,929 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:46:31,529 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:46:31,772 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 1.854s - IP: 127.0.0.1 -2025-06-07 19:46:31,773 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:46:31] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:47:03,392 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:47:04,019 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:47:04,366 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.924s - IP: 127.0.0.1 -2025-06-07 19:47:04,366 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:47:04] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:47:06,526 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:47:07,144 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:47:07,391 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.021s - IP: 127.0.0.1 -2025-06-07 19:47:07,392 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:47:07] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:47:09,177 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:47:10,077 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:47:10,323 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.924s - IP: 127.0.0.1 -2025-06-07 19:47:10,324 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:47:10] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:47:10,329 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-07 19:47:10,329 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:47:10] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-07 19:49:10,180 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:49:11,333 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:49:11,578 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 2.438s - IP: 127.0.0.1 -2025-06-07 19:49:11,579 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:49:11] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 19:49:26,857 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-07 19:49:27,490 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-07 19:49:30,071 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 4.127s - IP: 127.0.0.1 -2025-06-07 19:49:30,072 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 19:49:30] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-07 20:11:16,627 - root - ERROR - [chat.py:3759] - Error in ChromaDB fetch process: invalid literal for int() with base 10: "229'" -2025-06-07 20:11:16,636 - access - INFO - [chat.py:3818] - "GET /flask-api/get-chroma-content" 500 - Duration: 0.009s - IP: 127.0.0.1 -2025-06-07 20:11:16,637 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [07/Jun/2025 20:11:16] "[35m[1mGET /flask-api/get-chroma-content?hospital_id=229' HTTP/1.1[0m" 500 - -2025-06-08 11:50:24,602 - access - INFO - [chat.py:3616] - PDF processing request received from 127.0.0.1 -2025-06-08 11:50:24,611 - root - INFO - [chat.py:3623] - Received PDF processing request for hospital 229, doc_id 427 -2025-06-08 11:50:24,616 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 11:50:24,617 - root - INFO - [chat.py:3636] - Starting processing of document 427 -2025-06-08 11:50:24,621 - root - INFO - [chat.py:3644] - Extracting PDF contents... -2025-06-08 11:50:24,759 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 59 0 (offset 0) -2025-06-08 11:50:25,484 - root - INFO - [chat.py:2432] - Successfully saved 71492 unique ICD codes to JSON for hospital 229 -2025-06-08 11:50:25,863 - root - INFO - [chat.py:2432] - Successfully saved 71493 unique ICD codes to JSON for hospital 229 -2025-06-08 11:50:26,227 - root - INFO - [chat.py:2432] - Successfully saved 71494 unique ICD codes to JSON for hospital 229 -2025-06-08 11:50:26,581 - root - INFO - [chat.py:2432] - Successfully saved 71494 unique ICD codes to JSON for hospital 229 -2025-06-08 11:50:26,941 - root - INFO - [chat.py:2432] - Successfully saved 71495 unique ICD codes to JSON for hospital 229 -2025-06-08 11:50:27,304 - root - INFO - [chat.py:2432] - Successfully saved 71495 unique ICD codes to JSON for hospital 229 -2025-06-08 11:50:27,662 - root - INFO - [chat.py:2432] - Successfully saved 71496 unique ICD codes to JSON for hospital 229 -2025-06-08 11:50:28,013 - root - INFO - [chat.py:2432] - Successfully saved 71496 unique ICD codes to JSON for hospital 229 -2025-06-08 11:50:28,021 - root - INFO - [chat.py:3647] - Inserting content into database... -2025-06-08 11:50:28,323 - root - INFO - [chat.py:3657] - Creating embeddings and indexing... -2025-06-08 11:50:28,330 - root - INFO - [chat.py:2624] - Processing 14 pages for document 427 -2025-06-08 11:50:29,275 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 11:50:30,640 - root - INFO - [chat.py:2698] - Saving 13 ICD codes -2025-06-08 11:50:30,641 - root - INFO - [chat.py:2702] - Successfully indexed document 427 -2025-06-08 11:50:30,641 - root - INFO - [chat.py:3661] - Document processing completed successfully -2025-06-08 11:50:30,729 - access - INFO - [chat.py:3818] - "POST /flask-api/process-pdf" 200 - Duration: 6.127s - IP: 127.0.0.1 -2025-06-08 11:50:30,730 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 11:50:30] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 11:51:04,050 - access - INFO - [chat.py:3616] - PDF processing request received from 127.0.0.1 -2025-06-08 11:51:04,052 - root - INFO - [chat.py:3623] - Received PDF processing request for hospital 229, doc_id 428 -2025-06-08 11:51:04,055 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 11:51:04,056 - root - INFO - [chat.py:3636] - Starting processing of document 428 -2025-06-08 11:51:04,057 - root - INFO - [chat.py:3644] - Extracting PDF contents... -2025-06-08 11:51:04,063 - root - INFO - [chat.py:3647] - Inserting content into database... -2025-06-08 11:51:04,281 - root - INFO - [chat.py:3657] - Creating embeddings and indexing... -2025-06-08 11:51:04,283 - root - INFO - [chat.py:2624] - Processing 1 pages for document 428 -2025-06-08 11:51:04,834 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 11:51:04,954 - root - INFO - [chat.py:2702] - Successfully indexed document 428 -2025-06-08 11:51:04,954 - root - INFO - [chat.py:3661] - Document processing completed successfully -2025-06-08 11:51:05,055 - access - INFO - [chat.py:3818] - "POST /flask-api/process-pdf" 200 - Duration: 1.004s - IP: 127.0.0.1 -2025-06-08 11:51:05,055 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 11:51:05] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 11:51:24,470 - access - INFO - [chat.py:3616] - PDF processing request received from 127.0.0.1 -2025-06-08 11:51:24,471 - root - INFO - [chat.py:3623] - Received PDF processing request for hospital 229, doc_id 429 -2025-06-08 11:51:24,473 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 11:51:24,474 - root - INFO - [chat.py:3636] - Starting processing of document 429 -2025-06-08 11:51:24,475 - root - INFO - [chat.py:3644] - Extracting PDF contents... -2025-06-08 11:51:24,478 - root - INFO - [chat.py:3647] - Inserting content into database... -2025-06-08 11:51:24,637 - root - INFO - [chat.py:3657] - Creating embeddings and indexing... -2025-06-08 11:51:24,640 - root - INFO - [chat.py:2624] - Processing 1 pages for document 429 -2025-06-08 11:51:25,024 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 11:51:25,103 - root - INFO - [chat.py:2702] - Successfully indexed document 429 -2025-06-08 11:51:25,104 - root - INFO - [chat.py:3661] - Document processing completed successfully -2025-06-08 11:51:25,174 - access - INFO - [chat.py:3818] - "POST /flask-api/process-pdf" 200 - Duration: 0.704s - IP: 127.0.0.1 -2025-06-08 11:51:25,174 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 11:51:25] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 12:18:30,572 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 0.038s - IP: 127.0.0.1 -2025-06-08 12:18:30,574 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:18:30] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:18:31,590 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 0.006s - IP: 127.0.0.1 -2025-06-08 12:18:31,591 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:18:31] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:18:32,602 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 0.006s - IP: 127.0.0.1 -2025-06-08 12:18:32,602 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:18:32] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:18:32,611 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-08 12:18:32,611 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:18:32] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:21:35,844 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:21:36,977 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:21:38,813 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 4.478s - IP: 127.0.0.1 -2025-06-08 12:21:38,814 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:21:38] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-08 12:22:28,813 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:22:29,387 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:22:30,884 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 3.238s - IP: 127.0.0.1 -2025-06-08 12:22:30,885 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:22:30] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-08 12:22:53,434 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:22:54,033 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:22:56,397 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 4.158s - IP: 127.0.0.1 -2025-06-08 12:22:56,397 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:22:56] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:22:59,134 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:22:59,967 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:23:03,733 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 6.330s - IP: 127.0.0.1 -2025-06-08 12:23:03,733 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:23:03] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-08 12:25:39,068 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:25:39,912 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:25:40,160 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.393s - IP: 127.0.0.1 -2025-06-08 12:25:40,161 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:25:40] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:25:42,338 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:25:42,909 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:25:43,156 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.990s - IP: 127.0.0.1 -2025-06-08 12:25:43,157 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:25:43] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:25:45,331 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:25:45,914 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:25:46,163 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.003s - IP: 127.0.0.1 -2025-06-08 12:25:46,164 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:25:46] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:25:46,168 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:25:46,169 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:25:46] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:26:10,807 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:26:11,470 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:26:11,739 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.975s - IP: 127.0.0.1 -2025-06-08 12:26:11,740 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:26:11] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:26:13,921 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:26:14,698 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:26:14,926 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.184s - IP: 127.0.0.1 -2025-06-08 12:26:14,927 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:26:14] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:26:16,948 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:26:17,575 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:26:17,811 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.881s - IP: 127.0.0.1 -2025-06-08 12:26:17,812 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:26:17] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:26:17,815 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:26:17,816 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:26:17] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:27:09,407 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:27:10,232 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:27:11,475 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 2.928s - IP: 127.0.0.1 -2025-06-08 12:27:11,475 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:27:11] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-08 12:27:46,332 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:27:46,889 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:27:47,355 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 1.946s - IP: 127.0.0.1 -2025-06-08 12:27:47,356 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:27:47] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-08 12:31:36,000 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:31:36,726 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:31:36,960 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.967s - IP: 127.0.0.1 -2025-06-08 12:31:36,961 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:31:36] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:31:39,161 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:31:39,778 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:31:40,296 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.330s - IP: 127.0.0.1 -2025-06-08 12:31:40,297 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:31:40] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:31:42,526 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:31:43,090 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:31:43,335 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.034s - IP: 127.0.0.1 -2025-06-08 12:31:43,336 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:31:43] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:31:43,340 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:31:43,341 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:31:43] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:32:10,753 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:32:11,431 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:32:11,673 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.042s - IP: 127.0.0.1 -2025-06-08 12:32:11,674 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:32:11] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:32:14,084 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:32:14,815 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:32:14,932 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.255s - IP: 127.0.0.1 -2025-06-08 12:32:14,932 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:32:14] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:32:16,815 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:32:17,485 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:32:17,732 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.796s - IP: 127.0.0.1 -2025-06-08 12:32:17,732 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:32:17] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:32:17,737 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:32:17,737 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:32:17] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:33:13,567 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:33:14,185 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:33:17,499 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 5.376s - IP: 127.0.0.1 -2025-06-08 12:33:17,500 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:33:17] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-08 12:34:25,819 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:34:26,716 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:34:26,965 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.023s - IP: 127.0.0.1 -2025-06-08 12:34:26,966 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:34:26] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:34:28,869 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:34:29,485 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:34:29,735 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.766s - IP: 127.0.0.1 -2025-06-08 12:34:29,736 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:34:29] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:34:31,674 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:34:32,244 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:34:32,494 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.754s - IP: 127.0.0.1 -2025-06-08 12:34:32,494 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:34:32] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:34:32,498 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:34:32,499 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:34:32] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:46:28,685 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:46:29,443 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:46:29,718 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 2.230s - IP: 127.0.0.1 -2025-06-08 12:46:29,719 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:46:29] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-08 12:47:27,408 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:47:28,177 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:47:28,427 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.133s - IP: 127.0.0.1 -2025-06-08 12:47:28,428 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:47:28] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:47:30,384 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:47:31,120 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:47:31,363 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.931s - IP: 127.0.0.1 -2025-06-08 12:47:31,364 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:47:31] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:47:33,532 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:47:34,350 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:47:34,473 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.105s - IP: 127.0.0.1 -2025-06-08 12:47:34,473 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:47:34] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:47:34,479 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-08 12:47:34,479 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:47:34] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:47:50,984 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:47:52,066 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:47:52,307 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.362s - IP: 127.0.0.1 -2025-06-08 12:47:52,308 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:47:52] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:47:54,331 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:47:54,924 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:47:55,171 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.858s - IP: 127.0.0.1 -2025-06-08 12:47:55,171 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:47:55] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:47:57,135 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:47:57,726 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:47:57,971 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.796s - IP: 127.0.0.1 -2025-06-08 12:47:57,971 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:47:57] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:47:57,979 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:47:57,979 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:47:57] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:57:28,785 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:57:29,431 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:57:30,707 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 3.170s - IP: 127.0.0.1 -2025-06-08 12:57:30,708 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:57:30] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-08 12:58:09,024 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:58:09,674 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:58:09,917 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.217s - IP: 127.0.0.1 -2025-06-08 12:58:09,918 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:58:09] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:58:11,947 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:58:12,497 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:58:12,739 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.814s - IP: 127.0.0.1 -2025-06-08 12:58:12,739 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:58:12] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:58:14,712 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:58:15,692 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:58:15,937 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.192s - IP: 127.0.0.1 -2025-06-08 12:58:15,938 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:58:15] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:58:15,945 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:58:15,945 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:58:15] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:58:33,023 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:58:33,632 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:58:33,875 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.460s - IP: 127.0.0.1 -2025-06-08 12:58:33,876 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:58:33] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:58:36,577 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:58:37,194 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:58:37,439 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.558s - IP: 127.0.0.1 -2025-06-08 12:58:37,440 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:58:37] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:58:39,451 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:58:40,100 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:58:40,345 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.900s - IP: 127.0.0.1 -2025-06-08 12:58:40,346 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:58:40] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:58:40,352 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 12:58:40,353 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:58:40] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 12:59:20,755 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 12:59:21,443 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 12:59:23,266 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 3.766s - IP: 127.0.0.1 -2025-06-08 12:59:23,267 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 12:59:23] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-08 13:00:58,784 - access - INFO - [chat.py:3616] - PDF processing request received from 127.0.0.1 -2025-06-08 13:00:58,799 - root - INFO - [chat.py:3623] - Received PDF processing request for hospital 229, doc_id 430 -2025-06-08 13:00:58,804 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 13:00:58,805 - root - INFO - [chat.py:3636] - Starting processing of document 430 -2025-06-08 13:00:58,811 - root - INFO - [chat.py:3644] - Extracting PDF contents... -2025-06-08 13:01:03,424 - root - INFO - [chat.py:2432] - Successfully saved 71498 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:03,815 - root - INFO - [chat.py:2432] - Successfully saved 71499 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:04,217 - root - INFO - [chat.py:2432] - Successfully saved 71501 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:04,601 - root - INFO - [chat.py:2432] - Successfully saved 71502 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:05,029 - root - INFO - [chat.py:2432] - Successfully saved 71503 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:05,406 - root - INFO - [chat.py:2432] - Successfully saved 71503 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:05,780 - root - INFO - [chat.py:2432] - Successfully saved 71503 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:06,155 - root - INFO - [chat.py:2432] - Successfully saved 71503 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:06,522 - root - INFO - [chat.py:2432] - Successfully saved 71503 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:06,883 - root - INFO - [chat.py:2432] - Successfully saved 71503 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:07,252 - root - INFO - [chat.py:2432] - Successfully saved 71504 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:07,637 - root - INFO - [chat.py:2432] - Successfully saved 71505 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:08,018 - root - INFO - [chat.py:2432] - Successfully saved 71505 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:08,386 - root - INFO - [chat.py:2432] - Successfully saved 71505 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:09,016 - root - INFO - [chat.py:2432] - Successfully saved 71505 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:09,403 - root - INFO - [chat.py:2432] - Successfully saved 71505 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:09,795 - root - INFO - [chat.py:2432] - Successfully saved 71505 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:10,165 - root - INFO - [chat.py:2432] - Successfully saved 71505 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:10,544 - root - INFO - [chat.py:2432] - Successfully saved 71505 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:10,943 - root - INFO - [chat.py:2432] - Successfully saved 71505 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:11,306 - root - INFO - [chat.py:2432] - Successfully saved 71505 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:11,670 - root - INFO - [chat.py:2432] - Successfully saved 71505 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:12,054 - root - INFO - [chat.py:2432] - Successfully saved 71505 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:12,418 - root - INFO - [chat.py:2432] - Successfully saved 71505 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:12,781 - root - INFO - [chat.py:2432] - Successfully saved 71506 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:13,143 - root - INFO - [chat.py:2432] - Successfully saved 71506 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:13,507 - root - INFO - [chat.py:2432] - Successfully saved 71506 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:13,868 - root - INFO - [chat.py:2432] - Successfully saved 71506 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:14,280 - root - INFO - [chat.py:2432] - Successfully saved 71506 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:14,666 - root - INFO - [chat.py:2432] - Successfully saved 71506 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:15,063 - root - INFO - [chat.py:2432] - Successfully saved 71506 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:15,489 - root - INFO - [chat.py:2432] - Successfully saved 71507 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:15,871 - root - INFO - [chat.py:2432] - Successfully saved 71507 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:16,263 - root - INFO - [chat.py:2432] - Successfully saved 71507 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:16,638 - root - INFO - [chat.py:2432] - Successfully saved 71507 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:17,032 - root - INFO - [chat.py:2432] - Successfully saved 71507 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:17,438 - root - INFO - [chat.py:2432] - Successfully saved 71507 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:17,832 - root - INFO - [chat.py:2432] - Successfully saved 71507 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:18,221 - root - INFO - [chat.py:2432] - Successfully saved 71507 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:18,598 - root - INFO - [chat.py:2432] - Successfully saved 71507 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:18,997 - root - INFO - [chat.py:2432] - Successfully saved 71507 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:19,944 - root - INFO - [chat.py:2432] - Successfully saved 71507 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:20,367 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:20,765 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:21,157 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:21,545 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:21,921 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:22,309 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:22,672 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:23,051 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:23,441 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:23,804 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:24,193 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:24,581 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:24,962 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:25,326 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:25,715 - root - INFO - [chat.py:2432] - Successfully saved 71508 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:26,088 - root - INFO - [chat.py:2432] - Successfully saved 71509 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:26,455 - root - INFO - [chat.py:2432] - Successfully saved 71512 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:26,823 - root - INFO - [chat.py:2432] - Successfully saved 71514 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:27,182 - root - INFO - [chat.py:2432] - Successfully saved 71514 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:27,557 - root - INFO - [chat.py:2432] - Successfully saved 71514 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:27,932 - root - INFO - [chat.py:2432] - Successfully saved 71516 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:28,297 - root - INFO - [chat.py:2432] - Successfully saved 71524 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:28,667 - root - INFO - [chat.py:2432] - Successfully saved 71524 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:29,024 - root - INFO - [chat.py:2432] - Successfully saved 71525 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:29,390 - root - INFO - [chat.py:2432] - Successfully saved 71525 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:29,763 - root - INFO - [chat.py:2432] - Successfully saved 71526 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:30,232 - root - INFO - [chat.py:2432] - Successfully saved 71526 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:30,849 - root - INFO - [chat.py:2432] - Successfully saved 71526 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:31,292 - root - INFO - [chat.py:2432] - Successfully saved 71526 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:31,302 - root - INFO - [chat.py:3647] - Inserting content into database... -2025-06-08 13:01:31,753 - root - INFO - [chat.py:3657] - Creating embeddings and indexing... -2025-06-08 13:01:31,759 - root - INFO - [chat.py:2624] - Processing 71 pages for document 430 -2025-06-08 13:01:33,609 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:01:35,807 - root - INFO - [chat.py:2698] - Saving 314 ICD codes -2025-06-08 13:01:35,808 - root - INFO - [chat.py:2702] - Successfully indexed document 430 -2025-06-08 13:01:35,810 - root - INFO - [chat.py:3661] - Document processing completed successfully -2025-06-08 13:01:35,888 - access - INFO - [chat.py:3818] - "POST /flask-api/process-pdf" 200 - Duration: 37.105s - IP: 127.0.0.1 -2025-06-08 13:01:35,892 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:01:35] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 13:01:35,909 - access - INFO - [chat.py:3616] - PDF processing request received from 127.0.0.1 -2025-06-08 13:01:35,917 - root - INFO - [chat.py:3623] - Received PDF processing request for hospital 229, doc_id 431 -2025-06-08 13:01:35,921 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 13:01:35,922 - root - INFO - [chat.py:3636] - Starting processing of document 431 -2025-06-08 13:01:35,924 - root - INFO - [chat.py:3644] - Extracting PDF contents... -2025-06-08 13:01:37,455 - root - INFO - [chat.py:2432] - Successfully saved 71526 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:37,824 - root - INFO - [chat.py:2432] - Successfully saved 71526 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:38,222 - root - INFO - [chat.py:2432] - Successfully saved 71526 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:38,622 - root - INFO - [chat.py:2432] - Successfully saved 71526 unique ICD codes to JSON for hospital 229 -2025-06-08 13:01:38,630 - root - INFO - [chat.py:3647] - Inserting content into database... -2025-06-08 13:01:38,849 - root - INFO - [chat.py:3657] - Creating embeddings and indexing... -2025-06-08 13:01:38,855 - root - INFO - [chat.py:2624] - Processing 65 pages for document 431 -2025-06-08 13:01:40,500 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:01:43,070 - root - INFO - [chat.py:2698] - Saving 4 ICD codes -2025-06-08 13:01:43,071 - root - INFO - [chat.py:2702] - Successfully indexed document 431 -2025-06-08 13:01:43,071 - root - INFO - [chat.py:3661] - Document processing completed successfully -2025-06-08 13:01:43,172 - access - INFO - [chat.py:3818] - "POST /flask-api/process-pdf" 200 - Duration: 7.264s - IP: 127.0.0.1 -2025-06-08 13:01:43,173 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:01:43] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 13:01:43,491 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:01:47,890 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:01:48,140 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 5.887s - IP: 127.0.0.1 -2025-06-08 13:01:48,141 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:01:48] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:01:49,987 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:01:50,625 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:01:50,871 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.724s - IP: 127.0.0.1 -2025-06-08 13:01:50,872 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:01:50] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:01:52,714 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:01:53,762 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:01:54,034 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.158s - IP: 127.0.0.1 -2025-06-08 13:01:54,034 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:01:54] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:01:54,040 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 13:01:54,042 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:01:54] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:06:17,043 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:06:17,883 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:06:18,133 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.120s - IP: 127.0.0.1 -2025-06-08 13:06:18,136 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:06:18] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:06:20,083 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:06:20,769 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:06:21,013 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.872s - IP: 127.0.0.1 -2025-06-08 13:06:21,014 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:06:21] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:06:23,049 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:06:24,092 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:06:24,343 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.324s - IP: 127.0.0.1 -2025-06-08 13:06:24,344 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:06:24] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:06:24,351 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-08 13:06:24,352 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:06:24] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:06:39,661 - access - INFO - [chat.py:3616] - PDF processing request received from 127.0.0.1 -2025-06-08 13:06:39,663 - root - INFO - [chat.py:3623] - Received PDF processing request for hospital 229, doc_id 432 -2025-06-08 13:06:39,668 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 13:06:39,668 - root - INFO - [chat.py:3636] - Starting processing of document 432 -2025-06-08 13:06:39,669 - root - INFO - [chat.py:3644] - Extracting PDF contents... -2025-06-08 13:06:39,675 - root - INFO - [chat.py:3647] - Inserting content into database... -2025-06-08 13:06:39,862 - root - INFO - [chat.py:3657] - Creating embeddings and indexing... -2025-06-08 13:06:39,867 - root - INFO - [chat.py:2624] - Processing 1 pages for document 432 -2025-06-08 13:06:40,575 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:06:40,917 - root - INFO - [chat.py:2702] - Successfully indexed document 432 -2025-06-08 13:06:40,917 - root - INFO - [chat.py:3661] - Document processing completed successfully -2025-06-08 13:06:40,982 - access - INFO - [chat.py:3818] - "POST /flask-api/process-pdf" 200 - Duration: 1.321s - IP: 127.0.0.1 -2025-06-08 13:06:40,983 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:06:40] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 13:06:55,605 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:06:56,249 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:06:56,473 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.972s - IP: 127.0.0.1 -2025-06-08 13:06:56,473 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:06:56] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:06:58,458 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:06:59,042 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:06:59,283 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.804s - IP: 127.0.0.1 -2025-06-08 13:06:59,284 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:06:59] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:07:01,199 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:07:01,805 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:07:02,037 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.750s - IP: 127.0.0.1 -2025-06-08 13:07:02,038 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:07:02] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:07:02,042 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 13:07:02,043 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:07:02] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:07:58,100 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:07:58,726 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:07:59,953 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 2.856s - IP: 127.0.0.1 -2025-06-08 13:07:59,953 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:07:59] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-08 13:08:16,581 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:08:17,185 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:08:18,113 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 2.705s - IP: 127.0.0.1 -2025-06-08 13:08:18,114 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:08:18] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-08 13:08:46,760 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:08:47,458 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:08:48,711 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 2.996s - IP: 127.0.0.1 -2025-06-08 13:08:48,712 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:08:48] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-08 13:16:23,295 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:16:23,964 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:16:24,229 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.312s - IP: 127.0.0.1 -2025-06-08 13:16:24,230 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:16:24] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:16:26,178 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:16:26,923 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:16:27,166 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.932s - IP: 127.0.0.1 -2025-06-08 13:16:27,167 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:16:27] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:16:29,263 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:16:29,879 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:16:30,130 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.958s - IP: 127.0.0.1 -2025-06-08 13:16:30,131 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:16:30] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:16:30,135 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 13:16:30,135 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:16:30] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 13:19:35,694 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 13:19:36,537 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 13:19:37,502 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 200 - Duration: 3.132s - IP: 127.0.0.1 -2025-06-08 13:19:37,502 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 13:19:37] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-08 14:09:54,537 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 14:09:55,785 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 14:09:56,029 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.797s - IP: 127.0.0.1 -2025-06-08 14:09:56,029 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 14:09:56] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 14:09:58,234 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 14:09:59,179 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 14:09:59,427 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 2.394s - IP: 127.0.0.1 -2025-06-08 14:09:59,427 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 14:09:59] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 14:10:01,539 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 14:10:02,129 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-08 14:10:02,376 - access - INFO - [chat.py:3818] - "POST /flask-api/generate-answer" 404 - Duration: 1.946s - IP: 127.0.0.1 -2025-06-08 14:10:02,377 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 14:10:02] "[33mPOST /flask-api/generate-answer HTTP/1.1[0m" 404 - -2025-06-08 14:10:02,381 - access - INFO - [chat.py:3818] - "POST /flask-api/self-generate-answer" 404 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-08 14:10:02,382 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 14:10:02] "[33mPOST /flask-api/self-generate-answer HTTP/1.1[0m" 404 - -2025-06-08 18:43:30,814 - access - INFO - [chat.py:3616] - PDF processing request received from 127.0.0.1 -2025-06-08 18:43:30,825 - root - INFO - [chat.py:3623] - Received PDF processing request for hospital 229, doc_id 433 -2025-06-08 18:43:30,831 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 18:43:30,832 - root - INFO - [chat.py:3636] - Starting processing of document 433 -2025-06-08 18:43:30,836 - root - INFO - [chat.py:3644] - Extracting PDF contents... -2025-06-08 18:43:32,526 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:32,900 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:33,298 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:33,686 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:34,072 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:34,460 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:34,846 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:35,221 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:35,576 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:35,939 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:36,301 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:36,662 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:37,017 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:37,373 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:37,733 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:38,087 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:38,442 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:38,808 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:39,175 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:39,534 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:39,899 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:40,262 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:40,618 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:40,979 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:41,342 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:41,699 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:42,058 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:42,421 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:42,784 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:43,149 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:43,505 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:43,869 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:44,228 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:44,595 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:44,957 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:45,323 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:45,682 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:46,048 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:46,410 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:46,774 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:47,139 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:47,498 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:47,859 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:48,219 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:48,575 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:48,941 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:49,303 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:49,664 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:50,027 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:50,390 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:50,751 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:51,109 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:51,474 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:51,832 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:52,193 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:52,559 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:52,925 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:53,282 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:53,643 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:54,018 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:54,388 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:54,751 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:55,116 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:55,474 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:55,834 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:56,192 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:56,551 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:56,907 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:57,267 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:57,624 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:57,981 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:58,337 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:58,691 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:59,057 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:59,418 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:43:59,775 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:00,141 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:00,512 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:00,871 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:01,241 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:01,608 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:01,977 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:02,358 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:02,729 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:03,114 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:03,497 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:03,886 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:04,275 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:04,650 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:05,039 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:05,410 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:05,774 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:06,147 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:06,513 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:07,665 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:08,032 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:08,401 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:08,763 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:09,140 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:09,510 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:09,878 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:10,244 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:10,608 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:10,975 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:11,339 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:11,706 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:12,069 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:12,440 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:12,811 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:13,179 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:13,543 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:13,900 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:14,263 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:14,626 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:14,986 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:15,350 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:15,713 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:16,099 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:16,465 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:16,822 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:17,173 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:17,523 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:17,877 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:18,227 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:18,592 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:18,961 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:19,327 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:19,685 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:20,060 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:20,423 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:20,780 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:21,144 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:21,518 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:21,879 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:22,237 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:22,595 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:22,951 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:23,325 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:23,678 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:24,033 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:24,397 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:24,765 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:25,127 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:25,481 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:25,838 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:26,186 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:26,541 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:26,897 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:27,250 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:27,607 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:27,962 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:28,326 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:28,688 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:29,042 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:29,400 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:29,757 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:30,116 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:30,475 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:30,835 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:31,190 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:31,548 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:31,906 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:32,262 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:32,616 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:33,079 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:33,468 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:33,842 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:34,222 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:34,595 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:34,967 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:35,335 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:35,705 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:36,089 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:36,466 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:36,834 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:37,205 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:37,742 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:38,154 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:38,557 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:38,949 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:39,364 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:39,741 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:40,111 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:40,477 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:40,839 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:41,211 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:41,590 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:41,953 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:42,319 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:42,683 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:43,046 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:43,412 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:43,807 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:44,173 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:44,528 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:44,889 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:45,245 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:45,602 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:45,962 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:46,324 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:46,680 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:47,046 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:47,414 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:47,769 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:48,130 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:48,488 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:48,842 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:49,194 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:49,546 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:49,936 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:50,323 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:50,671 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:51,023 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:51,374 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:51,724 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:52,079 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:52,434 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:52,794 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:53,147 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:53,498 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:53,849 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:54,199 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:54,558 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:54,946 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:55,320 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:55,714 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:56,069 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:56,423 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:56,776 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:57,132 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:57,483 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:57,835 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:58,184 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:58,531 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:58,889 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:59,239 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:59,589 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:44:59,940 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:00,293 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:00,648 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:01,014 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:01,376 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:01,748 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:02,131 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:02,510 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:02,898 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:03,279 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:03,660 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:04,421 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:04,809 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:05,403 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:05,772 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:06,137 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:07,002 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:07,379 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:08,134 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:08,496 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:08,864 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:09,234 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:09,596 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:09,969 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:10,334 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:10,696 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:11,057 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:11,419 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:11,779 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:12,139 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:12,499 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:12,903 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:13,272 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:13,632 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:13,991 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:14,350 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:14,712 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:15,073 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:15,434 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:15,800 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:16,161 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:16,520 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:16,883 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:17,261 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:17,624 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:17,987 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:18,346 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:18,711 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:19,073 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:19,437 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:19,799 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:20,164 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:20,525 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:20,884 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:21,246 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:21,611 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:21,972 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:22,336 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:22,717 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:23,079 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:23,440 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:23,803 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:24,166 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:24,529 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:24,896 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:25,258 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:25,627 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:25,991 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:26,353 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:26,718 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:27,087 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:27,447 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:27,808 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:28,180 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:28,554 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:28,922 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:29,304 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:29,675 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:30,043 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:30,410 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:30,781 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:31,143 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:31,515 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:45:31,528 - root - INFO - [chat.py:3647] - Inserting content into database... -2025-06-08 18:45:35,223 - root - INFO - [chat.py:3657] - Creating embeddings and indexing... -2025-06-08 18:45:35,232 - root - INFO - [chat.py:2624] - Processing 324 pages for document 433 -2025-06-08 18:45:39,070 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 18:45:44,375 - root - INFO - [chat.py:2698] - Saving 600 ICD codes -2025-06-08 18:45:44,376 - root - INFO - [chat.py:2702] - Successfully indexed document 433 -2025-06-08 18:45:44,378 - root - INFO - [chat.py:3661] - Document processing completed successfully -2025-06-08 18:45:44,482 - access - INFO - [chat.py:3818] - "POST /flask-api/process-pdf" 200 - Duration: 133.668s - IP: 127.0.0.1 -2025-06-08 18:45:44,483 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 18:45:44] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 18:47:43,864 - access - INFO - [chat.py:3616] - PDF processing request received from 127.0.0.1 -2025-06-08 18:47:43,875 - root - INFO - [chat.py:3623] - Received PDF processing request for hospital 229, doc_id 434 -2025-06-08 18:47:43,882 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 18:47:43,883 - root - INFO - [chat.py:3636] - Starting processing of document 434 -2025-06-08 18:47:43,887 - root - INFO - [chat.py:3644] - Extracting PDF contents... -2025-06-08 18:47:47,965 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:48,330 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:48,697 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:49,063 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:49,424 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:49,789 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:50,160 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:50,526 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:50,889 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:51,249 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:51,614 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:51,976 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:52,338 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:52,709 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:53,107 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:53,473 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:53,855 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:54,245 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:54,619 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:54,989 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:55,361 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:55,729 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:56,099 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:56,460 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:56,828 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:57,194 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:57,556 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:57,918 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:58,278 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:58,642 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:59,013 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:59,395 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:47:59,768 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:00,128 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:00,489 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:00,857 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:01,219 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:01,591 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:01,958 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:02,323 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:02,686 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:03,063 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:03,433 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:03,813 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:04,244 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:04,671 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:05,054 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:05,441 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:05,818 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:06,198 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:06,647 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:07,106 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:07,592 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:07,983 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:08,379 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:08,774 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:09,171 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:09,555 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:09,954 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:10,323 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:10,698 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:11,091 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:11,494 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:11,862 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:12,249 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:12,620 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:13,030 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:13,406 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:13,794 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:14,184 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:14,579 - root - INFO - [chat.py:2432] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:48:14,591 - root - INFO - [chat.py:3647] - Inserting content into database... -2025-06-08 18:48:18,170 - root - INFO - [chat.py:3657] - Creating embeddings and indexing... -2025-06-08 18:48:18,175 - root - INFO - [chat.py:2624] - Processing 71 pages for document 434 -2025-06-08 18:48:19,185 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 18:48:21,233 - root - INFO - [chat.py:2698] - Saving 314 ICD codes -2025-06-08 18:48:21,236 - root - INFO - [chat.py:2702] - Successfully indexed document 434 -2025-06-08 18:48:21,238 - root - INFO - [chat.py:3661] - Document processing completed successfully -2025-06-08 18:48:21,315 - access - INFO - [chat.py:3818] - "POST /flask-api/process-pdf" 200 - Duration: 37.451s - IP: 127.0.0.1 -2025-06-08 18:48:21,318 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 18:48:21] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 18:51:35,092 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-08 18:51:35,184 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-08 18:51:57,915 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-08 18:51:57,915 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-08 18:51:57,916 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-08 18:51:57,916 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-08 18:52:01,958 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-08 18:52:01,960 - root - INFO - [chat.py:1590] - Starting SpurrinAI application -2025-06-08 18:52:01,960 - root - INFO - [chat.py:1591] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-08 18:52:01,960 - root - INFO - [chat.py:1592] - Environment: production -2025-06-08 18:52:01,960 - root - INFO - [chat.py:1596] - Model manager initialized successfully -2025-06-08 18:52:01,960 - root - INFO - [chat.py:1604] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-08 18:52:01,969 - root - INFO - [chat.py:1612] - Cleared 0 Redis cache keys -2025-06-08 18:52:01,970 - root - INFO - [chat.py:1615] - Loading existing vector stores... -2025-06-08 18:52:01,974 - root - INFO - [chat.py:511] - Loading vector store for hospital 6 and user default -2025-06-08 18:52:02,817 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,107 - root - INFO - [chat.py:511] - Loading vector store for hospital 10 and user default -2025-06-08 18:52:03,110 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,124 - root - INFO - [chat.py:511] - Loading vector store for hospital 16 and user default -2025-06-08 18:52:03,127 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,138 - root - INFO - [chat.py:511] - Loading vector store for hospital 19 and user default -2025-06-08 18:52:03,140 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,153 - root - INFO - [chat.py:511] - Loading vector store for hospital 26 and user default -2025-06-08 18:52:03,156 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,167 - root - INFO - [chat.py:511] - Loading vector store for hospital 27 and user default -2025-06-08 18:52:03,170 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,179 - root - INFO - [chat.py:511] - Loading vector store for hospital 29 and user default -2025-06-08 18:52:03,182 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,191 - root - INFO - [chat.py:511] - Loading vector store for hospital 31 and user default -2025-06-08 18:52:03,194 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,204 - root - INFO - [chat.py:511] - Loading vector store for hospital 32 and user default -2025-06-08 18:52:03,207 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,217 - root - INFO - [chat.py:511] - Loading vector store for hospital 36 and user default -2025-06-08 18:52:03,219 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,227 - root - INFO - [chat.py:511] - Loading vector store for hospital 37 and user default -2025-06-08 18:52:03,230 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,238 - root - INFO - [chat.py:511] - Loading vector store for hospital 41 and user default -2025-06-08 18:52:03,241 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,250 - root - INFO - [chat.py:511] - Loading vector store for hospital 42 and user default -2025-06-08 18:52:03,253 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,262 - root - INFO - [chat.py:511] - Loading vector store for hospital 47 and user default -2025-06-08 18:52:03,265 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,274 - root - INFO - [chat.py:511] - Loading vector store for hospital 48 and user default -2025-06-08 18:52:03,277 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,286 - root - INFO - [chat.py:511] - Loading vector store for hospital 52 and user default -2025-06-08 18:52:03,288 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,299 - root - INFO - [chat.py:511] - Loading vector store for hospital 53 and user default -2025-06-08 18:52:03,302 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,311 - root - INFO - [chat.py:511] - Loading vector store for hospital 56 and user default -2025-06-08 18:52:03,313 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,324 - root - INFO - [chat.py:511] - Loading vector store for hospital 57 and user default -2025-06-08 18:52:03,327 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,338 - root - INFO - [chat.py:511] - Loading vector store for hospital 59 and user default -2025-06-08 18:52:03,340 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,359 - root - INFO - [chat.py:511] - Loading vector store for hospital 60 and user default -2025-06-08 18:52:03,362 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,371 - root - INFO - [chat.py:511] - Loading vector store for hospital 64 and user default -2025-06-08 18:52:03,373 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,383 - root - INFO - [chat.py:511] - Loading vector store for hospital 65 and user default -2025-06-08 18:52:03,386 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,395 - root - INFO - [chat.py:511] - Loading vector store for hospital 66 and user default -2025-06-08 18:52:03,398 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,408 - root - INFO - [chat.py:511] - Loading vector store for hospital 67 and user default -2025-06-08 18:52:03,411 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,421 - root - INFO - [chat.py:511] - Loading vector store for hospital 68 and user default -2025-06-08 18:52:03,424 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,433 - root - INFO - [chat.py:511] - Loading vector store for hospital 69 and user default -2025-06-08 18:52:03,435 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,445 - root - INFO - [chat.py:511] - Loading vector store for hospital 70 and user default -2025-06-08 18:52:03,448 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,457 - root - INFO - [chat.py:511] - Loading vector store for hospital 71 and user default -2025-06-08 18:52:03,459 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,469 - root - INFO - [chat.py:511] - Loading vector store for hospital 72 and user default -2025-06-08 18:52:03,472 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,481 - root - INFO - [chat.py:511] - Loading vector store for hospital 73 and user default -2025-06-08 18:52:03,484 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,520 - root - INFO - [chat.py:511] - Loading vector store for hospital 75 and user default -2025-06-08 18:52:03,522 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,532 - root - INFO - [chat.py:511] - Loading vector store for hospital 76 and user default -2025-06-08 18:52:03,535 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,546 - root - INFO - [chat.py:511] - Loading vector store for hospital 80 and user default -2025-06-08 18:52:03,549 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,559 - root - INFO - [chat.py:511] - Loading vector store for hospital 81 and user default -2025-06-08 18:52:03,562 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,571 - root - INFO - [chat.py:511] - Loading vector store for hospital 86 and user default -2025-06-08 18:52:03,574 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,587 - root - INFO - [chat.py:511] - Loading vector store for hospital 87 and user default -2025-06-08 18:52:03,589 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,600 - root - INFO - [chat.py:511] - Loading vector store for hospital 90 and user default -2025-06-08 18:52:03,602 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,612 - root - INFO - [chat.py:511] - Loading vector store for hospital 91 and user default -2025-06-08 18:52:03,614 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,624 - root - INFO - [chat.py:511] - Loading vector store for hospital 92 and user default -2025-06-08 18:52:03,626 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,636 - root - INFO - [chat.py:511] - Loading vector store for hospital 94 and user default -2025-06-08 18:52:03,640 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,649 - root - INFO - [chat.py:511] - Loading vector store for hospital 95 and user default -2025-06-08 18:52:03,651 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,663 - root - INFO - [chat.py:511] - Loading vector store for hospital 96 and user default -2025-06-08 18:52:03,666 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,679 - root - INFO - [chat.py:511] - Loading vector store for hospital 97 and user default -2025-06-08 18:52:03,682 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,695 - root - INFO - [chat.py:511] - Loading vector store for hospital 99 and user default -2025-06-08 18:52:03,698 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,715 - root - INFO - [chat.py:511] - Loading vector store for hospital 103 and user default -2025-06-08 18:52:03,719 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,728 - root - INFO - [chat.py:511] - Loading vector store for hospital 106 and user default -2025-06-08 18:52:03,731 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,740 - root - INFO - [chat.py:511] - Loading vector store for hospital 107 and user default -2025-06-08 18:52:03,744 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,754 - root - INFO - [chat.py:511] - Loading vector store for hospital 110 and user default -2025-06-08 18:52:03,756 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,766 - root - INFO - [chat.py:511] - Loading vector store for hospital 111 and user default -2025-06-08 18:52:03,769 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,778 - root - INFO - [chat.py:511] - Loading vector store for hospital 112 and user default -2025-06-08 18:52:03,780 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,790 - root - INFO - [chat.py:511] - Loading vector store for hospital 113 and user default -2025-06-08 18:52:03,793 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,803 - root - INFO - [chat.py:511] - Loading vector store for hospital 114 and user default -2025-06-08 18:52:03,806 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,816 - root - INFO - [chat.py:511] - Loading vector store for hospital 116 and user default -2025-06-08 18:52:03,820 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,829 - root - INFO - [chat.py:511] - Loading vector store for hospital 117 and user default -2025-06-08 18:52:03,832 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,842 - root - INFO - [chat.py:511] - Loading vector store for hospital 118 and user default -2025-06-08 18:52:03,845 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,855 - root - INFO - [chat.py:511] - Loading vector store for hospital 119 and user default -2025-06-08 18:52:03,858 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,870 - root - INFO - [chat.py:511] - Loading vector store for hospital 121 and user default -2025-06-08 18:52:03,873 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,882 - root - INFO - [chat.py:511] - Loading vector store for hospital 122 and user default -2025-06-08 18:52:03,885 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,895 - root - INFO - [chat.py:511] - Loading vector store for hospital 123 and user default -2025-06-08 18:52:03,899 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,908 - root - INFO - [chat.py:511] - Loading vector store for hospital 124 and user default -2025-06-08 18:52:03,911 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,920 - root - INFO - [chat.py:511] - Loading vector store for hospital 126 and user default -2025-06-08 18:52:03,923 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,933 - root - INFO - [chat.py:511] - Loading vector store for hospital 127 and user default -2025-06-08 18:52:03,937 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,947 - root - INFO - [chat.py:511] - Loading vector store for hospital 129 and user default -2025-06-08 18:52:03,951 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,961 - root - INFO - [chat.py:511] - Loading vector store for hospital 131 and user default -2025-06-08 18:52:03,964 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,974 - root - INFO - [chat.py:511] - Loading vector store for hospital 132 and user default -2025-06-08 18:52:03,977 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:03,987 - root - INFO - [chat.py:511] - Loading vector store for hospital 136 and user default -2025-06-08 18:52:03,990 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,284 - root - INFO - [chat.py:511] - Loading vector store for hospital 137 and user default -2025-06-08 18:52:04,287 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,302 - root - INFO - [chat.py:511] - Loading vector store for hospital 141 and user default -2025-06-08 18:52:04,305 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,322 - root - INFO - [chat.py:511] - Loading vector store for hospital 142 and user default -2025-06-08 18:52:04,325 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,336 - root - INFO - [chat.py:511] - Loading vector store for hospital 145 and user default -2025-06-08 18:52:04,339 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,350 - root - INFO - [chat.py:511] - Loading vector store for hospital 146 and user default -2025-06-08 18:52:04,353 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,366 - root - INFO - [chat.py:511] - Loading vector store for hospital 148 and user default -2025-06-08 18:52:04,369 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,382 - root - INFO - [chat.py:511] - Loading vector store for hospital 177 and user default -2025-06-08 18:52:04,385 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,399 - root - INFO - [chat.py:511] - Loading vector store for hospital 178 and user default -2025-06-08 18:52:04,402 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,413 - root - INFO - [chat.py:511] - Loading vector store for hospital 186 and user default -2025-06-08 18:52:04,416 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,427 - root - INFO - [chat.py:511] - Loading vector store for hospital 187 and user default -2025-06-08 18:52:04,430 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,440 - root - INFO - [chat.py:511] - Loading vector store for hospital 191 and user default -2025-06-08 18:52:04,443 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,455 - root - INFO - [chat.py:511] - Loading vector store for hospital 192 and user default -2025-06-08 18:52:04,458 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,469 - root - INFO - [chat.py:511] - Loading vector store for hospital 200 and user default -2025-06-08 18:52:04,472 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,483 - root - INFO - [chat.py:511] - Loading vector store for hospital 45 and user default -2025-06-08 18:52:04,486 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,496 - root - INFO - [chat.py:511] - Loading vector store for hospital 63 and user default -2025-06-08 18:52:04,500 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,512 - root - INFO - [chat.py:511] - Loading vector store for hospital 93 and user default -2025-06-08 18:52:04,515 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,525 - root - INFO - [chat.py:511] - Loading vector store for hospital 98 and user default -2025-06-08 18:52:04,528 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,537 - root - INFO - [chat.py:511] - Loading vector store for hospital 102 and user default -2025-06-08 18:52:04,540 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,549 - root - INFO - [chat.py:511] - Loading vector store for hospital 104 and user default -2025-06-08 18:52:04,552 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,562 - root - INFO - [chat.py:511] - Loading vector store for hospital 229 and user default -2025-06-08 18:52:04,565 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,578 - root - INFO - [chat.py:511] - Loading vector store for hospital 232 and user default -2025-06-08 18:52:04,580 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:04,590 - root - INFO - [chat.py:522] - Creating vector store for hospital 237 -2025-06-08 18:52:04,594 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,332 - root - INFO - [chat.py:511] - Loading vector store for hospital 109 and user default -2025-06-08 18:52:08,335 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,348 - root - INFO - [chat.py:511] - Loading vector store for hospital 222 and user default -2025-06-08 18:52:08,351 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,364 - root - INFO - [chat.py:511] - Loading vector store for hospital 234 and user default -2025-06-08 18:52:08,367 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,388 - root - INFO - [chat.py:511] - Loading vector store for hospital 235 and user default -2025-06-08 18:52:08,391 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,409 - root - INFO - [chat.py:511] - Loading vector store for hospital 236 and user default -2025-06-08 18:52:08,412 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,423 - root - INFO - [chat.py:511] - Loading vector store for hospital 149 and user default -2025-06-08 18:52:08,426 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,437 - root - INFO - [chat.py:511] - Loading vector store for hospital 150 and user default -2025-06-08 18:52:08,439 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,451 - root - INFO - [chat.py:511] - Loading vector store for hospital 151 and user default -2025-06-08 18:52:08,454 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,465 - root - INFO - [chat.py:511] - Loading vector store for hospital 152 and user default -2025-06-08 18:52:08,467 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,477 - root - INFO - [chat.py:511] - Loading vector store for hospital 153 and user default -2025-06-08 18:52:08,480 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,489 - root - INFO - [chat.py:511] - Loading vector store for hospital 154 and user default -2025-06-08 18:52:08,492 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,502 - root - INFO - [chat.py:511] - Loading vector store for hospital 155 and user default -2025-06-08 18:52:08,504 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,515 - root - INFO - [chat.py:511] - Loading vector store for hospital 157 and user default -2025-06-08 18:52:08,517 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,526 - root - INFO - [chat.py:511] - Loading vector store for hospital 158 and user default -2025-06-08 18:52:08,529 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,540 - root - INFO - [chat.py:511] - Loading vector store for hospital 160 and user default -2025-06-08 18:52:08,543 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,554 - root - INFO - [chat.py:511] - Loading vector store for hospital 162 and user default -2025-06-08 18:52:08,556 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,567 - root - INFO - [chat.py:511] - Loading vector store for hospital 163 and user default -2025-06-08 18:52:08,569 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,579 - root - INFO - [chat.py:511] - Loading vector store for hospital 166 and user default -2025-06-08 18:52:08,581 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,591 - root - INFO - [chat.py:511] - Loading vector store for hospital 167 and user default -2025-06-08 18:52:08,593 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,604 - root - INFO - [chat.py:511] - Loading vector store for hospital 168 and user default -2025-06-08 18:52:08,606 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,622 - root - INFO - [chat.py:511] - Loading vector store for hospital 169 and user default -2025-06-08 18:52:08,625 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,635 - root - INFO - [chat.py:511] - Loading vector store for hospital 170 and user default -2025-06-08 18:52:08,638 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,649 - root - INFO - [chat.py:511] - Loading vector store for hospital 172 and user default -2025-06-08 18:52:08,652 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,663 - root - INFO - [chat.py:511] - Loading vector store for hospital 173 and user default -2025-06-08 18:52:08,666 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,676 - root - INFO - [chat.py:511] - Loading vector store for hospital 181 and user default -2025-06-08 18:52:08,679 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,690 - root - INFO - [chat.py:511] - Loading vector store for hospital 182 and user default -2025-06-08 18:52:08,693 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,704 - root - INFO - [chat.py:511] - Loading vector store for hospital 183 and user default -2025-06-08 18:52:08,707 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,717 - root - INFO - [chat.py:511] - Loading vector store for hospital 184 and user default -2025-06-08 18:52:08,720 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,731 - root - INFO - [chat.py:511] - Loading vector store for hospital 194 and user default -2025-06-08 18:52:08,734 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,744 - root - INFO - [chat.py:511] - Loading vector store for hospital 195 and user default -2025-06-08 18:52:08,748 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,758 - root - INFO - [chat.py:511] - Loading vector store for hospital 196 and user default -2025-06-08 18:52:08,761 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,771 - root - INFO - [chat.py:511] - Loading vector store for hospital 197 and user default -2025-06-08 18:52:08,774 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,788 - root - INFO - [chat.py:511] - Loading vector store for hospital 198 and user default -2025-06-08 18:52:08,791 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,803 - root - INFO - [chat.py:511] - Loading vector store for hospital 199 and user default -2025-06-08 18:52:08,806 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,818 - root - INFO - [chat.py:511] - Loading vector store for hospital 201 and user default -2025-06-08 18:52:08,821 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,833 - root - INFO - [chat.py:511] - Loading vector store for hospital 202 and user default -2025-06-08 18:52:08,836 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,846 - root - INFO - [chat.py:511] - Loading vector store for hospital 203 and user default -2025-06-08 18:52:08,849 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,859 - root - INFO - [chat.py:511] - Loading vector store for hospital 204 and user default -2025-06-08 18:52:08,861 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,876 - root - INFO - [chat.py:511] - Loading vector store for hospital 206 and user default -2025-06-08 18:52:08,879 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,894 - root - INFO - [chat.py:511] - Loading vector store for hospital 207 and user default -2025-06-08 18:52:08,896 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,905 - root - INFO - [chat.py:511] - Loading vector store for hospital 209 and user default -2025-06-08 18:52:08,908 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,918 - root - INFO - [chat.py:511] - Loading vector store for hospital 210 and user default -2025-06-08 18:52:08,921 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,934 - root - INFO - [chat.py:511] - Loading vector store for hospital 212 and user default -2025-06-08 18:52:08,936 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,946 - root - INFO - [chat.py:511] - Loading vector store for hospital 213 and user default -2025-06-08 18:52:08,949 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,958 - root - INFO - [chat.py:511] - Loading vector store for hospital 224 and user default -2025-06-08 18:52:08,961 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,976 - root - INFO - [chat.py:511] - Loading vector store for hospital 225 and user default -2025-06-08 18:52:08,979 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:08,991 - root - INFO - [chat.py:511] - Loading vector store for hospital 230 and user default -2025-06-08 18:52:08,994 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:09,004 - root - INFO - [chat.py:511] - Loading vector store for hospital 231 and user default -2025-06-08 18:52:09,007 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-08 18:52:09,017 - root - INFO - [chat.py:1617] - Vector stores loaded successfully -2025-06-08 18:52:09,018 - root - INFO - [chat.py:1620] - Starting Flask application on port 5000 -2025-06-08 18:52:09,025 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-08 18:52:09,025 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-08 18:54:20,485 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-08 18:54:20,491 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 435 -2025-06-08 18:54:20,496 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 18:54:20,497 - root - INFO - [chat.py:1345] - Starting processing of document 435 -2025-06-08 18:54:20,500 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-08 18:54:22,017 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:54:22,407 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:54:22,780 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:54:23,155 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:54:23,167 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-08 18:54:23,490 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-08 18:54:23,494 - root - INFO - [chat.py:586] - Processing 65 pages for document 435 -2025-06-08 18:54:24,755 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 18:54:27,194 - root - INFO - [chat.py:660] - Saving 4 ICD codes -2025-06-08 18:54:27,195 - root - INFO - [chat.py:664] - Successfully indexed document 435 -2025-06-08 18:54:27,196 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-08 18:54:27,286 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 6.801s - IP: 127.0.0.1 -2025-06-08 18:54:27,288 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 18:54:27] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 18:58:11,669 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-08 18:58:11,684 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 436 -2025-06-08 18:58:11,691 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 18:58:11,692 - root - INFO - [chat.py:1345] - Starting processing of document 436 -2025-06-08 18:58:11,701 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-08 18:58:16,191 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:16,725 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:17,192 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:18,174 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:18,652 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:19,064 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:21,862 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:23,160 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:23,912 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:26,716 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:27,315 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:27,768 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:28,167 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:28,548 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:28,941 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:29,341 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:29,715 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:30,097 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:30,469 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:30,854 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:31,432 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:32,033 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:32,525 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:33,057 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:36,957 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:37,758 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:38,179 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:38,559 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:38,930 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:39,310 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:39,687 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:40,065 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:40,434 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:40,849 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:41,235 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:41,604 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:41,989 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:42,374 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:42,772 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:43,140 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:43,510 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:43,891 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:44,266 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:44,642 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:45,048 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:45,431 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:45,808 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:46,199 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:46,582 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:46,960 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:47,347 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:47,734 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:48,101 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:48,467 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:48,847 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:49,220 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:49,585 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:49,953 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:50,328 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:50,703 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:51,081 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:51,453 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:51,844 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:52,218 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:52,613 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:53,010 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:53,395 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:53,791 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:54,160 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:54,528 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:54,912 - root - INFO - [chat.py:394] - Successfully saved 71527 unique ICD codes to JSON for hospital 229 -2025-06-08 18:58:54,926 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-08 18:58:55,332 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-08 18:58:55,339 - root - INFO - [chat.py:586] - Processing 71 pages for document 436 -2025-06-08 18:58:56,393 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 18:58:58,173 - root - INFO - [chat.py:660] - Saving 314 ICD codes -2025-06-08 18:58:58,174 - root - INFO - [chat.py:664] - Successfully indexed document 436 -2025-06-08 18:58:58,176 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-08 18:58:58,314 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 46.646s - IP: 127.0.0.1 -2025-06-08 18:58:58,318 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 18:58:58] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 19:12:52,812 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-08 19:12:52,819 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 437 -2025-06-08 19:12:52,825 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:12:52,826 - root - INFO - [chat.py:1345] - Starting processing of document 437 -2025-06-08 19:12:52,831 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-08 19:12:55,304 - root - INFO - [chat.py:394] - Successfully saved 71528 unique ICD codes to JSON for hospital 229 -2025-06-08 19:12:55,675 - root - INFO - [chat.py:394] - Successfully saved 71530 unique ICD codes to JSON for hospital 229 -2025-06-08 19:12:56,033 - root - INFO - [chat.py:394] - Successfully saved 71530 unique ICD codes to JSON for hospital 229 -2025-06-08 19:12:56,419 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:12:56,428 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-08 19:12:56,816 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-08 19:12:56,819 - root - INFO - [chat.py:586] - Processing 68 pages for document 437 -2025-06-08 19:12:58,218 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 19:13:00,093 - root - INFO - [chat.py:660] - Saving 7 ICD codes -2025-06-08 19:13:00,094 - root - INFO - [chat.py:664] - Successfully indexed document 437 -2025-06-08 19:13:00,095 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-08 19:13:00,169 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 7.358s - IP: 127.0.0.1 -2025-06-08 19:13:00,171 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 19:13:00] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 19:20:39,256 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-08 19:20:39,270 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 438 -2025-06-08 19:20:39,275 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:20:39,275 - root - INFO - [chat.py:1345] - Starting processing of document 438 -2025-06-08 19:20:39,282 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-08 19:20:39,366 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-08 19:20:39,518 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-08 19:20:39,521 - root - INFO - [chat.py:586] - Processing 16 pages for document 438 -2025-06-08 19:20:40,205 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 19:20:41,018 - root - INFO - [chat.py:664] - Successfully indexed document 438 -2025-06-08 19:20:41,018 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-08 19:20:41,091 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 1.836s - IP: 127.0.0.1 -2025-06-08 19:20:41,093 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 19:20:41] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 19:22:32,024 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-08 19:22:32,028 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 439 -2025-06-08 19:22:32,031 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:22:32,032 - root - INFO - [chat.py:1345] - Starting processing of document 439 -2025-06-08 19:22:32,034 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-08 19:22:32,044 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-08 19:22:32,186 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-08 19:22:32,189 - root - INFO - [chat.py:586] - Processing 1 pages for document 439 -2025-06-08 19:22:32,995 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 19:22:33,090 - root - INFO - [chat.py:664] - Successfully indexed document 439 -2025-06-08 19:22:33,090 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-08 19:22:33,176 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 1.152s - IP: 127.0.0.1 -2025-06-08 19:22:33,176 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 19:22:33] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 19:24:52,002 - root - INFO - [chat.py:1479] - Received request to delete vectors for document 439 from hospital 229 -2025-06-08 19:24:52,092 - root - INFO - [chat.py:562] - Successfully deleted vectors for document 439 from hospital 229 -2025-06-08 19:24:52,093 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.091s - IP: 127.0.0.1 -2025-06-08 19:24:52,094 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 19:24:52] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-08 19:25:03,452 - root - INFO - [chat.py:1479] - Received request to delete vectors for document 438 from hospital 229 -2025-06-08 19:25:03,560 - root - INFO - [chat.py:562] - Successfully deleted vectors for document 438 from hospital 229 -2025-06-08 19:25:03,560 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.109s - IP: 127.0.0.1 -2025-06-08 19:25:03,561 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 19:25:03] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-08 19:25:08,111 - root - INFO - [chat.py:1479] - Received request to delete vectors for document 437 from hospital 229 -2025-06-08 19:25:08,461 - root - INFO - [chat.py:562] - Successfully deleted vectors for document 437 from hospital 229 -2025-06-08 19:25:08,462 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.351s - IP: 127.0.0.1 -2025-06-08 19:25:08,462 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 19:25:08] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-08 19:25:52,369 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-08 19:25:52,371 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 440 -2025-06-08 19:25:52,374 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:25:52,375 - root - INFO - [chat.py:1345] - Starting processing of document 440 -2025-06-08 19:25:52,375 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-08 19:25:52,377 - pypdf.generic._data_structures - WARNING - [_utils.py:435] - Multiple definitions in dictionary at byte 0xc434 for key /Creator -2025-06-08 19:25:52,377 - pypdf.generic._data_structures - WARNING - [_utils.py:435] - Multiple definitions in dictionary at byte 0xc447 for key /Producer -2025-06-08 19:25:52,455 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-08 19:25:52,664 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-08 19:25:52,668 - root - INFO - [chat.py:586] - Processing 10 pages for document 440 -2025-06-08 19:25:53,237 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 19:25:53,967 - root - INFO - [chat.py:664] - Successfully indexed document 440 -2025-06-08 19:25:53,968 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-08 19:25:54,085 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 1.717s - IP: 127.0.0.1 -2025-06-08 19:25:54,086 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 19:25:54] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 19:27:48,188 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-08 19:27:48,193 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 441 -2025-06-08 19:27:48,196 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:27:48,197 - root - INFO - [chat.py:1345] - Starting processing of document 441 -2025-06-08 19:27:48,200 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-08 19:27:50,822 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:27:51,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:27:51,531 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:27:51,913 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:27:51,922 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-08 19:27:52,299 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-08 19:27:52,302 - root - INFO - [chat.py:586] - Processing 68 pages for document 441 -2025-06-08 19:27:53,555 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 19:27:55,717 - root - INFO - [chat.py:660] - Saving 7 ICD codes -2025-06-08 19:27:55,718 - root - INFO - [chat.py:664] - Successfully indexed document 441 -2025-06-08 19:27:55,719 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-08 19:27:55,786 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 7.598s - IP: 127.0.0.1 -2025-06-08 19:27:55,787 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 19:27:55] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 19:32:45,783 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-08 19:32:45,789 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 442 -2025-06-08 19:32:45,793 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:32:45,794 - root - INFO - [chat.py:1345] - Starting processing of document 442 -2025-06-08 19:32:45,798 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-08 19:32:48,199 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:32:48,552 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:32:48,925 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:32:49,300 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:32:49,308 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-08 19:32:49,621 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-08 19:32:49,631 - root - INFO - [chat.py:586] - Processing 68 pages for document 442 -2025-06-08 19:32:50,599 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 19:32:52,667 - root - INFO - [chat.py:660] - Saving 7 ICD codes -2025-06-08 19:32:52,668 - root - INFO - [chat.py:664] - Successfully indexed document 442 -2025-06-08 19:32:52,669 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-08 19:32:52,772 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 6.989s - IP: 127.0.0.1 -2025-06-08 19:32:52,772 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 19:32:52] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 19:33:23,661 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-08 19:33:23,665 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 443 -2025-06-08 19:33:23,668 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:33:23,668 - root - INFO - [chat.py:1345] - Starting processing of document 443 -2025-06-08 19:33:23,670 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-08 19:33:25,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:25,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:25,949 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:26,303 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:26,649 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:26,995 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:27,345 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:27,692 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:28,034 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:28,379 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:28,728 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:29,075 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:29,419 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:29,764 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:30,106 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:30,458 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:30,806 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:31,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:31,504 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:31,862 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:32,217 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:32,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:32,925 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:33,276 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:33,624 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:33,966 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:34,311 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:34,657 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:35,003 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:35,351 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:35,699 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:36,043 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:36,393 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:36,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:37,089 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:37,438 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:37,784 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:38,128 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:38,492 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:38,836 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:39,182 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:39,533 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:39,881 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:40,227 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:40,571 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:40,918 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:41,265 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:41,610 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:41,952 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:42,301 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:42,648 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:42,994 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:43,340 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:43,686 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:44,027 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:44,370 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:44,719 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:45,078 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:45,428 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:45,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:46,135 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:46,479 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:46,827 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:47,175 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:47,540 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:47,896 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:48,247 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:48,593 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:48,934 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:49,276 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:49,616 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:49,964 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:50,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:50,654 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:50,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:51,350 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:51,712 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:52,056 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:52,405 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:52,756 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:53,104 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:53,451 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:53,812 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:54,164 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:54,520 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:54,876 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:55,238 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:55,589 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:55,931 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:56,277 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:56,626 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:56,969 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:57,317 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:57,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:58,016 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:58,368 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:58,727 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:59,085 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:59,480 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:33:59,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:00,399 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:00,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:01,143 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:01,575 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:01,994 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:02,363 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:02,727 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:03,084 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:03,443 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:03,808 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:04,177 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:04,542 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:04,906 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:05,254 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:05,607 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:05,957 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:06,305 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:06,652 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:06,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:07,340 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:07,684 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:08,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:08,378 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:08,721 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:09,063 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:09,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:09,762 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:10,116 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:10,473 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:10,816 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:11,160 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:11,500 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:11,850 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:12,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:12,537 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:12,881 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:13,223 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:13,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:13,914 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:14,258 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:14,607 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:14,963 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:15,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:15,655 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:15,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:16,365 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:17,311 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:17,672 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:18,042 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:18,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:18,800 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:19,165 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:19,524 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:19,903 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:20,259 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:20,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:20,984 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:21,347 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:21,710 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:22,065 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:22,433 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:22,789 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:23,142 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:23,494 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:23,849 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:24,195 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:24,542 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:24,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:25,254 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:25,603 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:25,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:26,326 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:26,677 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:27,025 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:27,373 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:27,719 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:28,070 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:28,419 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:28,767 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:29,113 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:29,477 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:29,823 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:30,170 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:30,516 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:30,863 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:31,213 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:31,562 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:31,906 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:32,259 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:32,607 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:32,953 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:33,301 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:33,646 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:33,994 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:34,348 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:34,722 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:35,077 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:35,428 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:35,778 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:36,122 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:36,469 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:36,814 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:37,162 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:37,513 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:37,860 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:38,206 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:38,554 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:38,899 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:39,248 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:39,592 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:39,934 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:40,277 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:40,621 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:40,969 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:41,321 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:41,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:42,020 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:42,370 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:42,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:43,061 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:43,420 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:43,777 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:44,120 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:44,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:44,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:45,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:45,524 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:45,870 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:46,220 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:46,567 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:46,916 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:47,268 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:47,619 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:48,325 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:49,389 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:49,735 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:50,094 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:50,447 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:50,793 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:51,138 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:51,481 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:51,836 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:52,184 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:52,530 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:52,874 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:53,225 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:53,576 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:53,922 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:54,270 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:54,623 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:54,978 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:55,328 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:55,681 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:56,049 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:56,414 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:56,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:57,119 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:57,467 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:57,816 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:58,167 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:58,518 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:58,863 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:59,208 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:59,553 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:34:59,903 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:00,251 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:00,598 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:00,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:01,291 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:01,644 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:02,012 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:02,361 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:02,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:03,047 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:03,397 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:03,753 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:04,127 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:04,486 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:04,856 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:05,204 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:05,558 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:05,914 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:06,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:06,628 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:06,978 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:07,488 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:07,876 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:08,274 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:08,621 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:08,965 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:09,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:09,654 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:09,999 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:10,346 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:10,712 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:11,057 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:11,407 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:11,753 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:12,098 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:12,448 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:12,797 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:13,157 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:13,511 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:13,863 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:14,230 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:14,592 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:14,941 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:15,291 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:15,634 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:15,980 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:16,334 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:16,685 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:17,029 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:17,375 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:17,720 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:18,072 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:18,428 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:18,776 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:19,123 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:19,473 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 19:35:19,482 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-08 19:35:21,565 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-08 19:35:21,570 - root - INFO - [chat.py:586] - Processing 324 pages for document 443 -2025-06-08 19:35:25,201 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 19:35:30,516 - root - INFO - [chat.py:660] - Saving 600 ICD codes -2025-06-08 19:35:30,517 - root - INFO - [chat.py:664] - Successfully indexed document 443 -2025-06-08 19:35:30,518 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-08 19:35:30,611 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 126.951s - IP: 127.0.0.1 -2025-06-08 19:35:30,612 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 19:35:30] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 19:37:07,682 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-08 19:37:07,683 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 444 -2025-06-08 19:37:07,687 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:37:07,688 - root - INFO - [chat.py:1345] - Starting processing of document 444 -2025-06-08 19:37:07,688 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-08 19:37:07,696 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-08 19:37:07,913 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-08 19:37:07,915 - root - INFO - [chat.py:586] - Processing 1 pages for document 444 -2025-06-08 19:37:08,650 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 19:37:08,765 - root - INFO - [chat.py:664] - Successfully indexed document 444 -2025-06-08 19:37:08,766 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-08 19:37:08,846 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 1.164s - IP: 127.0.0.1 -2025-06-08 19:37:08,846 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 19:37:08] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 19:37:33,973 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-08 19:37:34,055 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 445 -2025-06-08 19:37:34,065 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:37:34,066 - root - INFO - [chat.py:1345] - Starting processing of document 445 -2025-06-08 19:37:34,091 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-08 19:37:34,169 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-08 19:37:34,322 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-08 19:37:34,324 - root - INFO - [chat.py:586] - Processing 16 pages for document 445 -2025-06-08 19:37:34,973 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 19:37:35,907 - root - INFO - [chat.py:664] - Successfully indexed document 445 -2025-06-08 19:37:35,908 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-08 19:37:35,980 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 2.008s - IP: 127.0.0.1 -2025-06-08 19:37:35,982 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 19:37:35] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 21:32:25,360 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-08 21:32:25,461 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 446 -2025-06-08 21:32:25,475 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 21:32:25,475 - root - INFO - [chat.py:1345] - Starting processing of document 446 -2025-06-08 21:32:25,484 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-08 21:32:25,571 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-08 21:32:25,687 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-08 21:32:25,692 - root - INFO - [chat.py:586] - Processing 16 pages for document 446 -2025-06-08 21:32:27,029 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 21:32:27,788 - root - INFO - [chat.py:664] - Successfully indexed document 446 -2025-06-08 21:32:27,789 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-08 21:32:27,854 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 2.494s - IP: 127.0.0.1 -2025-06-08 21:32:27,855 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 21:32:27] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 21:39:39,081 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-08 21:39:39,109 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 447 -2025-06-08 21:39:39,112 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 21:39:39,113 - root - INFO - [chat.py:1345] - Starting processing of document 447 -2025-06-08 21:39:39,126 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-08 21:40:42,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:42,387 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:42,745 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:43,099 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:43,462 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:43,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:44,175 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:44,527 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:44,882 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:45,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:45,588 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:45,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:46,297 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:46,651 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:46,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:47,348 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:47,699 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:48,057 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:48,401 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:48,967 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:49,323 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:49,676 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:50,500 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:50,845 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:51,778 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:53,734 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:54,071 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:54,878 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:55,252 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:55,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:56,083 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:56,433 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:57,239 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:57,583 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:57,935 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:58,282 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:58,634 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:58,987 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:59,337 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:40:59,688 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:00,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:00,406 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:00,754 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:01,102 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:01,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:01,821 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:02,170 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:02,518 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:02,871 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:03,219 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:03,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:03,934 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:04,307 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:04,673 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:05,040 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:05,396 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:05,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:06,094 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:06,441 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:06,790 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:07,142 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:07,499 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:07,860 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:08,203 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:08,546 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:08,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:09,229 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:09,581 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:09,935 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:10,302 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:10,653 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:11,004 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:11,366 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:11,726 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:12,077 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:12,428 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:12,775 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:13,119 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:13,469 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:13,810 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:14,159 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:14,505 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:14,847 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:15,196 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:15,558 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:15,905 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:16,250 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:16,602 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:16,946 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:17,296 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:17,645 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:17,994 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:18,337 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:18,690 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:19,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:19,382 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:19,732 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:20,077 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:20,425 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:20,791 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:21,141 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:21,535 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:21,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:22,233 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:22,607 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:22,967 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:23,329 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:23,872 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:24,232 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:24,866 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:25,263 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:25,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:26,358 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:26,733 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:27,091 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:27,474 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:27,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:28,197 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:28,546 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:28,895 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:29,244 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:29,601 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:29,951 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:30,317 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:30,675 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:31,026 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:31,397 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:31,755 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:32,109 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:32,475 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:32,879 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:33,233 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:33,578 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:33,924 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:34,267 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:34,613 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:34,961 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:35,312 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:35,655 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:36,004 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:36,388 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:36,761 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:37,106 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:37,451 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:37,801 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:38,145 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:38,491 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:38,837 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:39,180 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:39,525 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:39,872 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:40,218 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:40,560 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:40,906 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:41,250 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:41,596 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:41,940 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:42,282 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:42,626 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:42,971 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:43,318 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:43,660 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:44,006 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:44,352 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:44,709 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:45,059 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:45,407 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:45,755 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:46,103 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:46,447 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:46,790 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:47,136 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:47,483 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:47,834 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:48,183 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:48,529 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:48,877 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:49,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:49,601 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:49,952 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:50,305 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:50,662 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:51,042 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:51,391 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:51,746 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:52,107 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:52,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:52,842 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:53,202 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:53,553 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:53,911 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:54,266 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:54,641 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:54,995 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:55,341 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:55,687 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:56,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:56,403 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:56,748 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:57,093 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:57,441 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:57,789 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:58,167 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:58,520 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:58,870 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:59,224 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:59,576 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:41:59,953 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:00,318 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:00,676 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:01,027 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:01,376 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:01,750 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:02,097 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:02,446 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:03,117 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:03,480 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:04,184 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:04,581 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:05,593 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:05,957 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:06,311 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:06,692 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:07,174 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:07,530 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:07,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:08,289 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:08,666 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:09,014 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:09,366 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:09,717 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:10,072 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:10,445 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:10,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:11,158 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:11,517 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:11,895 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:12,248 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:12,622 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:12,972 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:13,326 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:13,679 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:14,060 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:14,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:14,780 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:15,127 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:15,477 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:15,825 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:16,199 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:16,548 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:16,918 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:17,266 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:17,616 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:17,963 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:18,337 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:18,684 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:19,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:19,398 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:19,746 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:20,097 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:20,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:20,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:21,188 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:21,534 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:21,881 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:22,229 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:22,601 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:22,949 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:23,320 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:23,665 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:24,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:24,527 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:24,901 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:25,266 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:25,643 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:26,077 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:26,427 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:26,805 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:27,207 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:27,559 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:27,936 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:28,287 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:28,634 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:28,980 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:29,356 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:29,702 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:30,075 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:30,435 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:30,806 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:31,156 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:31,541 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:31,893 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:32,263 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:32,612 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:32,965 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:33,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:33,698 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:34,063 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:34,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:34,785 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:35,129 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:35,475 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:35,846 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:36,221 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:36,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:36,949 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:37,304 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:37,658 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:38,037 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:38,395 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:38,768 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:39,119 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:39,497 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:39,848 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:40,215 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:40,581 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:40,954 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:41,305 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:41,681 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:42,031 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:42,405 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:42,755 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:43,127 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:43,488 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:43,869 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:44,220 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:44,593 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:44,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:45,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:45,656 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:46,022 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:46,369 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:46,739 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:47,087 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:47,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:47,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:48,211 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:48,566 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:48,940 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:49,290 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:49,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:50,020 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:50,413 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:50,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:51,140 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:51,528 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:51,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:52,271 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:52,676 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:53,049 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:53,421 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:53,786 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:54,177 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:54,538 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:54,907 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:55,253 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:55,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:55,988 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:56,365 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:56,715 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:57,084 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:57,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:58,129 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:58,579 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:58,953 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:59,464 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:42:59,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:00,327 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:00,708 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:01,303 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:01,714 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:02,101 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:02,501 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:02,875 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:03,254 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:03,617 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:04,025 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:04,398 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:04,804 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:05,162 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:05,538 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:05,887 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:06,256 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:06,603 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:06,973 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:07,327 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:07,693 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:08,044 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:08,420 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:08,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:09,135 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:09,483 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:09,854 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:10,200 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:10,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:10,925 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:11,299 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:11,648 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:12,017 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:12,367 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:12,736 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:13,082 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:13,451 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:13,806 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:14,179 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:14,529 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:14,901 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:15,251 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:15,621 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:15,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:16,342 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:16,699 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:17,069 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:17,416 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:17,788 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:18,138 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:18,511 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:18,862 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:19,240 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:19,590 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:19,958 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:20,304 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:20,673 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:21,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:21,395 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:21,746 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:22,120 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:22,471 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:22,844 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:23,197 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:23,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:23,925 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:24,294 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:24,643 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:25,023 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:25,372 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:25,745 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:26,094 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:26,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:26,816 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:27,190 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:27,545 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:27,923 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:28,271 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:28,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:29,087 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:29,782 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:30,132 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:30,516 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:31,072 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:31,456 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:31,979 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:32,362 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:32,736 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:33,116 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:33,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:33,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:34,193 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:34,562 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:34,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:35,286 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:35,634 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:36,006 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:36,355 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:36,729 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:37,081 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:37,454 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:37,803 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:38,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:38,522 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:38,888 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:39,233 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:39,606 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:39,952 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:40,318 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:40,666 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:41,035 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:41,382 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:41,753 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:42,107 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:42,512 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:42,862 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:43,233 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:43,584 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:43,959 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:44,307 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:44,684 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:45,035 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:45,405 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:45,754 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:46,124 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:46,473 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:46,848 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:47,198 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:47,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:47,930 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:48,300 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:48,648 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:49,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:49,377 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:49,758 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:50,115 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:50,491 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:50,838 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:51,207 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:51,560 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:51,933 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:52,292 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:52,707 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:53,089 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:53,481 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:53,844 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:54,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:54,598 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:54,991 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:55,346 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:55,729 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:56,087 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:56,462 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:56,868 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:57,247 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:57,741 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:58,128 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:58,610 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:58,991 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:59,533 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:43:59,916 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:00,486 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:00,873 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:01,287 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:01,674 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:02,038 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:02,414 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:02,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:03,156 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:03,513 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:03,919 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:04,307 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:04,748 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:05,118 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:05,497 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:05,855 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:06,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:06,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:06,997 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:07,358 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:07,739 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:08,100 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:08,484 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:08,862 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:09,242 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:09,598 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:09,979 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:10,340 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:10,718 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:11,077 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:11,458 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:11,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:12,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:12,545 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:12,929 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:13,292 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:13,669 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:14,029 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:14,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:14,768 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:15,144 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:15,498 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:15,875 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:16,229 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:16,607 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:16,956 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:17,331 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:17,687 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:18,064 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:18,420 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:18,796 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:19,151 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:19,551 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:19,906 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:20,280 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:20,634 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:21,011 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:21,365 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:21,739 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:22,090 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:22,465 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:22,818 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:23,199 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:23,554 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:23,931 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:24,285 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:24,663 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:25,402 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:25,791 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:26,150 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:26,530 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:26,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:27,276 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:27,740 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:28,123 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:28,616 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:29,004 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:29,362 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:29,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:30,232 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:30,628 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:30,978 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:31,354 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:31,711 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:32,089 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:32,446 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:32,832 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:34,228 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:34,608 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:34,966 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:35,347 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:35,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:36,084 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:36,447 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:36,829 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:37,184 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:37,568 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:37,929 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:38,303 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:38,654 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:39,030 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:39,379 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:39,751 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:40,100 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:40,470 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:40,819 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:41,189 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:41,538 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:41,911 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:42,262 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:42,631 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:42,979 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:43,349 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:43,699 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:44,076 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:44,427 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:44,800 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:45,155 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:45,551 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:45,905 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:46,276 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:46,625 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:46,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:47,352 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:47,723 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:48,075 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:48,449 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:48,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:49,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:49,522 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:49,900 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:50,255 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:50,634 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:50,992 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:51,364 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:51,718 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:52,091 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:52,447 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:52,825 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:53,185 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:53,571 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:53,932 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:54,311 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:54,673 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:55,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:55,401 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:55,778 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:56,135 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:56,512 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:56,864 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:57,236 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:57,587 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:57,963 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:58,318 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:58,694 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:59,060 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:44:59,715 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:00,073 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:00,624 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:00,981 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:01,485 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:01,843 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:02,333 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:02,684 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:03,200 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:03,552 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:03,943 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:04,317 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:04,716 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:05,087 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:05,472 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:05,835 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:06,213 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:06,578 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:06,958 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:07,315 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:07,694 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:08,044 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:08,416 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:08,771 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:09,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:09,502 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:09,878 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:10,232 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:10,610 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:10,961 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:11,338 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:11,689 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:12,065 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:12,421 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:12,802 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:13,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:13,528 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:13,882 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:14,262 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:14,615 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:14,992 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:15,344 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:15,715 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:16,062 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:16,437 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:16,788 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:17,159 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:17,510 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:17,885 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:18,239 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:18,611 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:18,962 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:19,337 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:19,688 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:20,059 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:20,410 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:20,780 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:21,130 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:21,502 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:21,855 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:22,222 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:22,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:22,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:23,291 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:23,660 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:24,013 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:24,386 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:24,736 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:25,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:25,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:25,833 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:26,183 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:26,553 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:26,903 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:27,276 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:27,628 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:28,003 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:28,353 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:28,724 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:29,074 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:29,447 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:29,797 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:30,172 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:30,533 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:30,913 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:31,264 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:31,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:31,991 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:32,363 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:32,723 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:33,095 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:33,449 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:33,822 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:34,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:34,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:35,066 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:35,663 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:36,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:36,569 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:36,919 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:37,499 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:37,852 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:38,226 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:38,573 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:38,943 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:39,289 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:39,658 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:40,007 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:40,375 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:40,722 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:41,091 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:41,444 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:41,817 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:42,163 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:42,532 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:42,883 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:43,257 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:43,607 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:43,980 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:44,329 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:44,699 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:45,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:45,419 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:45,770 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:46,142 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:46,493 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:46,864 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:47,212 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:47,581 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:47,930 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:48,300 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:48,650 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:49,020 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:49,370 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:49,740 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:50,088 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:50,458 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:50,822 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:51,196 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:51,546 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:51,920 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:52,266 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:52,638 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:52,988 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:53,362 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:53,712 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:54,097 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:54,469 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:54,857 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:55,242 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:55,674 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:56,055 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:56,433 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:56,786 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:57,157 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:57,505 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:57,876 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:58,223 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:58,590 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:58,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:59,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:45:59,662 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:00,031 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:00,381 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:00,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:01,113 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:01,483 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:01,833 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:02,203 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:02,553 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:02,929 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:03,335 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:03,709 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:04,132 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:04,523 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:04,905 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:05,278 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:05,677 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:06,051 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:06,466 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:06,839 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:07,189 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:07,560 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:07,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:08,277 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:08,625 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:08,996 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:09,344 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:09,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:10,088 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:10,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:10,811 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:11,182 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:11,531 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:11,902 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:12,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:12,618 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:12,968 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:13,345 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:13,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:14,080 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:14,441 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:14,821 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:15,172 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:15,542 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:15,890 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:16,261 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:16,612 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:16,984 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:17,332 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:17,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:18,056 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:18,431 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:18,779 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:19,150 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:19,500 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:19,871 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:20,220 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:20,592 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:20,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:21,312 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:21,662 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:22,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:22,382 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:22,763 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:23,121 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:23,496 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:23,852 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:24,225 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:24,576 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:24,948 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:25,299 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:25,670 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:26,023 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:26,396 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:26,745 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:27,117 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:27,466 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:27,839 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:28,191 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:28,562 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:28,916 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:29,290 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:29,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:30,013 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:30,361 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:30,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:31,090 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:31,459 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:31,809 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:32,180 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:32,531 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:32,905 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:33,348 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:33,866 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:34,218 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:34,778 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:35,128 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:35,603 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:35,954 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:36,446 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:36,796 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:37,403 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:37,759 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:38,132 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:38,480 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:38,848 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:39,197 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:39,565 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:39,915 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:40,290 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:40,647 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:41,017 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:41,364 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:41,733 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:42,081 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:42,460 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:42,811 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:43,185 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:44,047 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:45,017 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:45,368 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:45,743 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:46,097 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:46,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:46,818 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:47,192 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:47,544 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:47,920 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:48,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:48,643 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:48,994 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:49,342 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:49,692 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:50,039 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:50,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:50,734 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:51,081 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:51,429 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:51,800 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:52,148 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:52,497 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:52,848 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:53,202 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:53,572 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:53,921 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:54,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:54,625 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:54,980 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:55,361 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:55,726 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:56,128 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:56,507 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:56,857 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:57,233 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:57,583 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:57,931 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:58,280 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:58,630 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:59,009 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:59,360 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:46:59,709 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:00,058 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:00,408 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:00,794 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:01,147 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:01,498 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:01,851 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:02,204 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:02,582 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:02,939 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:03,292 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:03,649 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:04,144 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:04,549 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:04,963 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:05,317 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:05,857 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:06,210 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:06,758 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:07,111 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:07,462 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:07,813 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:08,166 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:08,546 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:08,895 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:09,248 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:09,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:09,948 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:10,340 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:10,692 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:11,041 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:11,393 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:11,741 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:12,113 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:12,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:12,812 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:13,162 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:13,510 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:13,880 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:14,229 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:14,580 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:14,927 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:15,278 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:15,657 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:16,008 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:16,358 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:16,707 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:17,055 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:17,425 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:17,776 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:18,126 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:18,479 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:18,829 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:19,202 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:19,550 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:19,898 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:20,250 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:20,601 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:20,976 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:21,332 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:21,684 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:22,035 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:22,388 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:22,766 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:23,121 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:23,493 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:23,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:24,219 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:24,591 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:24,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:25,294 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:25,644 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:25,994 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:26,365 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:26,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:27,060 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:27,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:27,763 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:28,134 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:28,483 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:28,830 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:29,175 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:29,524 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:29,895 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:30,243 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:30,592 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:30,950 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:31,298 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:31,669 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:32,019 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:32,373 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:32,728 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:33,228 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:33,602 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:34,406 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:34,756 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:35,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:35,585 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:36,138 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:36,510 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:37,068 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:37,421 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:37,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:38,124 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:38,472 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:38,825 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:39,181 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:39,540 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:39,895 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:40,247 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:40,608 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:40,962 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:41,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:41,663 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:42,010 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:42,357 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:42,706 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:43,053 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:43,403 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:43,750 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:44,095 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:44,445 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:44,792 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:45,139 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:45,486 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:45,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:46,191 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:46,538 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:46,887 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:47,236 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:47,632 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:47,989 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:48,341 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:48,774 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:49,123 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:49,473 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:49,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:50,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:50,523 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:50,875 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:51,227 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:51,577 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:51,930 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:52,285 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:52,638 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:52,992 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:53,345 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:53,696 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:54,046 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:54,397 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:54,750 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:55,100 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:55,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:55,822 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:56,192 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:56,560 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:56,936 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:57,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:57,671 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:58,033 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:58,393 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:58,747 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:59,100 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:59,453 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:47:59,808 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:00,159 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:00,512 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:00,878 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:01,228 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:01,579 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:01,931 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:02,283 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:02,638 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:02,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:03,351 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:03,703 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:04,087 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:04,470 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:04,860 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:05,402 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:05,760 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:06,244 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:06,599 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:07,153 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:07,509 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:08,015 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:08,368 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:09,271 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:09,627 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:09,986 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:10,335 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:10,686 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:11,039 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:11,394 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:11,748 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:12,101 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:12,453 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:12,807 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:13,159 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:13,509 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:13,863 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:14,214 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:14,564 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:14,920 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:15,269 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:15,621 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:15,978 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:16,335 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:16,688 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:17,042 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:17,393 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:17,747 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:18,102 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:18,455 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:18,816 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:19,172 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:19,526 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:19,880 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:20,233 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:20,589 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:20,941 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:21,294 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:22,658 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:24,054 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:24,415 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:24,774 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:25,131 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:25,489 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:25,849 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:26,234 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:26,592 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:26,950 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:27,308 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:27,666 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:28,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:28,396 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:28,770 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:29,133 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:29,492 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:29,851 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:30,209 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:30,566 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:30,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:31,298 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:31,664 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:32,035 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:32,400 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:32,782 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:33,684 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:34,051 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:34,849 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:35,206 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:36,503 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:36,859 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:37,217 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:37,635 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:37,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:38,492 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:38,849 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:39,208 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:39,567 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:39,923 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:40,280 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:40,633 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:40,988 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:41,345 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:41,702 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:42,058 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:42,414 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:42,778 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:43,166 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:43,521 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:43,875 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:44,231 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:44,589 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:44,947 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:45,305 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:45,658 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:46,010 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:46,368 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:46,719 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:47,072 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:47,423 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:47,782 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:48,139 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:48,503 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:48,862 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:49,330 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:50,029 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:50,387 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:50,989 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:51,344 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:51,698 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:52,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:52,409 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:52,767 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:53,138 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:53,498 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:53,857 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:54,220 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:54,578 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:54,930 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:55,285 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:55,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:55,995 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:56,353 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:56,709 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:57,063 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:57,423 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:57,780 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:58,156 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:58,529 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:58,902 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:59,267 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:48:59,642 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:00,013 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:00,374 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:00,733 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:01,100 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:01,457 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:01,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:02,177 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:02,532 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:02,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:04,941 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:05,297 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:06,192 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:06,551 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:07,842 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:08,198 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:09,076 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:09,435 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:10,182 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:10,538 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:10,897 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:11,253 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:11,606 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:11,961 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:12,316 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:12,668 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:13,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:13,376 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:13,728 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:14,088 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:14,444 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:14,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:15,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:15,507 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:15,864 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:16,218 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:16,574 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:16,931 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:17,288 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:17,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:17,993 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:18,350 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:18,712 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:19,070 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:19,425 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:19,781 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:20,133 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:20,487 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:20,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:21,195 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:21,550 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:21,903 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:22,258 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:22,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:22,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:23,326 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:23,682 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:24,037 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:24,394 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:24,751 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:25,105 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:25,457 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:25,814 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:26,167 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:26,520 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:26,894 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:27,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:27,603 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:27,961 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:28,320 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:28,678 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:29,038 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:29,396 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:29,755 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:30,111 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:30,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:30,834 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:31,215 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:31,588 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:31,957 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:32,316 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:32,674 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:33,193 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:33,551 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:34,125 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:34,484 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:35,315 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:35,673 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:36,190 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:36,548 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:37,262 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:37,617 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:37,976 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:38,335 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:38,693 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:39,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:39,412 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:39,768 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:40,123 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:40,479 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:40,837 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:41,195 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:41,550 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:41,904 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:42,260 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:42,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:42,969 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:43,324 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:43,677 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:44,031 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:44,387 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:44,749 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:45,102 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:45,458 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:45,818 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:46,174 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:46,536 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:46,896 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:47,253 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:47,610 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:47,965 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:48,322 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:48,681 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:49,036 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:49,399 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:49,761 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:50,117 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:50,474 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:50,833 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:51,189 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:51,547 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:51,903 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:52,261 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:52,618 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:52,975 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:53,374 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:53,732 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:54,091 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:54,479 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:54,851 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:55,214 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:55,585 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:55,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:56,354 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:56,720 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:57,087 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:57,455 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:57,823 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:58,186 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:58,555 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:58,928 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:59,303 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:49:59,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:00,099 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:00,476 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:00,867 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:01,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:01,642 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:02,011 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:02,381 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:02,750 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:03,115 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:03,472 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:04,462 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:04,870 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:05,887 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:06,255 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:06,619 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:06,983 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:07,698 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:08,072 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:08,537 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:08,926 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:09,727 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:10,103 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:10,473 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:10,839 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:11,201 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:11,558 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:11,917 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:12,277 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:12,635 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:12,995 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:13,354 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:13,717 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:14,076 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:14,436 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:14,800 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:15,204 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:15,563 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:15,962 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:16,324 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:16,688 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:17,059 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:17,424 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:17,827 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:18,191 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:18,555 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:18,947 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:19,307 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:19,663 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:20,040 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:20,407 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:20,770 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:21,130 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:21,497 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:21,874 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:22,255 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:22,629 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:22,999 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:23,368 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:23,739 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:24,115 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:24,481 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:25,153 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:25,514 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:25,874 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:26,231 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:26,587 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:26,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:27,301 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:27,658 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:28,016 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:28,377 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:28,731 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:29,088 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:29,448 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:30,524 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:30,891 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:31,265 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:31,618 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:31,977 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:32,333 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:32,692 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:33,050 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:33,408 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:33,766 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:34,124 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:34,483 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:34,840 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:35,199 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:35,562 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:35,925 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:36,286 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:36,652 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:37,020 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:37,389 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:37,764 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:38,129 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:38,484 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:38,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:39,615 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:39,976 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:40,335 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:40,701 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:41,069 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:41,459 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:42,100 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:42,462 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:42,829 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:43,203 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:44,916 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:45,291 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:46,288 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:46,660 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:47,037 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:47,525 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:47,902 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:48,510 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:48,878 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:49,246 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:49,617 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:49,981 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:50,361 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:50,736 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:51,109 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:51,480 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:51,846 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:52,215 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:52,591 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:52,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:53,350 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:53,710 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:54,086 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:54,454 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:54,839 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:55,211 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:55,602 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:55,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:56,351 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:56,718 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:57,084 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:57,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:57,836 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:58,228 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:58,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:58,986 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:59,360 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:50:59,733 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:00,109 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:00,485 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:00,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:01,392 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:01,783 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:02,166 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:02,525 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:02,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:03,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:03,607 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:04,026 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:04,398 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:04,788 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:05,158 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:05,522 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:05,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:06,307 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:06,687 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:07,074 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:07,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:07,802 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:08,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:08,573 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:08,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:09,368 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:09,736 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:10,326 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:10,689 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:11,169 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:11,537 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:12,212 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:12,578 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:13,013 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:13,382 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:13,749 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:14,114 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:14,474 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:14,830 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:15,189 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:15,591 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:15,991 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:16,380 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:16,748 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:17,107 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:17,509 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:17,877 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:18,259 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:18,627 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:18,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:19,375 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:19,753 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:20,124 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:20,511 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:20,877 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:21,253 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:21,631 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:22,016 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:22,397 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:22,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:23,161 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:23,530 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:23,901 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:24,270 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:24,633 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:24,993 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:25,356 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:25,721 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:26,088 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:26,451 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:26,814 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:27,174 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:27,535 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:27,894 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:28,264 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:28,632 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:28,993 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:29,354 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:29,717 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:30,077 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:30,438 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:30,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:31,210 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:31,576 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:31,945 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:32,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:32,685 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:33,074 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:33,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:33,802 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:34,161 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:34,524 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:34,885 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:35,252 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:35,616 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:35,982 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:36,344 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:36,711 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:37,072 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:37,437 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:37,796 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:38,187 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:38,566 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:38,930 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:39,289 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:39,657 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:40,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:40,393 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:41,771 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:42,515 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:42,880 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:43,246 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:43,617 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:44,011 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:44,684 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:45,076 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:45,437 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:45,795 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:46,158 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:46,528 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:47,763 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:48,137 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:48,628 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:48,996 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:49,471 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:49,844 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:50,228 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:50,598 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:50,977 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:51,340 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:51,712 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:52,109 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:52,491 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:52,854 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:53,232 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:53,600 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:53,972 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:54,347 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:54,709 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:55,074 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:55,432 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:55,795 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:56,170 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:56,556 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:56,913 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:57,277 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:57,641 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:58,005 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:58,370 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:58,736 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:59,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:59,490 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:51:59,857 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:00,224 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:00,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:00,968 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:01,410 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:01,800 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:02,180 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:02,548 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:02,913 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:03,275 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:03,636 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:04,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:04,406 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:04,810 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:05,196 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:05,584 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:05,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:06,381 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:06,755 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:07,149 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:07,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:07,933 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:08,322 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:08,690 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:09,073 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:09,485 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:10,448 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:10,842 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:11,301 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:11,672 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:12,370 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:12,759 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:13,311 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:13,680 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:14,055 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:14,430 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:14,796 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:15,160 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:15,526 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:15,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:16,288 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:16,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:17,045 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:17,415 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:17,788 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:18,154 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:18,520 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:18,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:19,248 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:19,615 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:19,983 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:20,350 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:20,737 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:23,023 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:23,408 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:23,775 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:24,149 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:24,523 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:24,907 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:25,279 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:25,665 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:26,044 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:26,414 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:26,784 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:27,149 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:27,519 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:27,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:28,269 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:28,637 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:29,001 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:29,384 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:29,752 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:30,133 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:30,502 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:30,867 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:31,238 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:31,609 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:31,971 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:32,330 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:32,695 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:33,062 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:33,429 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:33,796 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:34,164 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:34,559 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:34,947 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:35,337 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:35,701 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:36,070 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:36,435 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:36,798 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:37,167 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:37,528 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:37,892 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:38,280 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:38,651 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:39,290 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:39,679 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:40,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:40,525 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:40,997 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:41,378 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:41,849 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:42,213 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:42,860 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:43,216 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:43,571 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:43,932 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:44,309 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:44,676 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:45,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:45,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:45,778 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:46,157 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:46,525 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:46,893 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:47,258 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:47,618 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:47,977 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:48,347 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:48,719 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:49,083 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:49,438 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:49,795 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:50,162 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:50,530 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:50,894 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:51,258 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:51,616 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:51,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:52,329 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:52,689 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:53,045 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:53,400 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:53,756 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:54,125 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:54,487 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:54,957 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:55,316 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:55,670 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:56,029 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:56,391 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:56,781 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:57,139 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:57,512 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:57,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:58,274 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:58,648 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:59,015 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:59,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:52:59,756 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:00,148 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:00,526 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:00,900 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:01,281 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:01,690 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:02,083 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:02,472 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:02,835 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:03,195 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:03,557 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:03,966 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:04,337 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:04,723 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:05,090 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:05,449 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:05,808 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:06,168 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:06,527 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:06,890 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:07,485 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:07,850 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:08,263 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:08,626 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:09,042 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:09,403 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:09,949 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:10,317 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:11,059 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:11,432 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:11,805 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:12,170 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:12,560 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:12,979 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:13,357 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:13,725 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:14,082 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:14,444 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:14,814 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:15,188 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:15,559 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:15,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:16,308 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:16,671 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:17,039 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:17,398 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:17,760 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:18,124 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:18,491 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:18,864 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:19,235 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:19,624 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:20,024 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:20,417 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:20,818 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:21,229 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:21,595 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:21,968 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:22,338 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:22,717 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:23,103 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:23,498 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:23,878 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:24,281 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:24,652 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:25,014 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:25,374 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:25,737 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:26,104 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:26,472 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:26,834 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:27,214 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:27,763 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:28,737 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:29,100 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:29,464 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:29,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:30,182 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:30,564 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:30,927 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:31,292 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:31,678 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:32,047 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:32,415 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:32,790 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:33,175 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:33,543 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:33,900 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:34,255 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:34,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:34,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:35,329 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:35,687 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:36,043 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:36,401 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:36,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:37,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:37,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:37,829 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:38,190 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:38,554 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:39,331 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:39,688 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:40,044 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:40,516 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:40,878 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:41,238 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:41,594 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:41,960 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:42,315 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:42,668 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:43,029 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:43,388 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:43,748 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:44,104 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:44,467 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:44,834 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:45,190 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:45,902 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:46,260 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:46,618 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:47,344 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:47,708 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:48,157 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:48,520 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:49,207 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:49,567 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:49,930 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:50,291 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:50,650 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:51,014 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:51,378 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:51,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:52,095 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:52,493 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:52,853 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:53,211 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:53,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:53,954 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:54,320 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:54,682 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:55,056 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:55,417 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:55,784 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:56,143 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:56,500 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:56,859 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:57,215 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:57,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:57,926 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:58,290 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:58,649 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:59,010 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:59,389 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:53:59,771 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:00,144 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:00,516 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:00,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:01,263 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:01,634 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:01,994 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:02,366 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:02,727 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:03,088 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:03,443 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:03,806 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:04,196 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:04,577 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:04,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:05,329 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:05,683 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:06,040 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:06,398 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:06,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:07,113 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:07,469 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:07,830 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:08,186 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:08,543 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:08,905 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:09,264 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:09,621 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:09,978 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:10,341 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:10,696 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:11,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:11,410 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:11,772 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:12,131 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:12,502 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:12,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:13,211 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:13,565 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:13,920 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:14,273 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:14,639 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:14,997 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:15,361 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:15,718 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:16,077 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:16,474 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:16,852 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:17,227 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:17,623 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:17,987 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:18,347 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:18,702 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:19,063 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:19,426 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:19,794 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:20,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:20,513 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:20,874 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:21,231 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:21,591 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:21,965 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:22,326 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:22,691 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:23,060 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:23,425 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:23,789 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:24,156 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:24,523 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:24,894 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:25,282 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:25,644 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:26,042 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:26,443 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:26,849 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:27,232 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:27,622 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:27,992 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:28,369 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:29,470 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:29,859 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:30,344 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:30,706 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:31,230 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:31,633 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:32,062 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:32,433 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:32,977 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:33,347 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:33,720 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:34,077 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:34,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:34,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:35,164 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:35,531 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:35,900 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:36,273 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:36,647 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:37,015 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:37,381 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:37,759 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:38,122 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:38,499 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:38,872 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:39,233 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:39,593 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:39,953 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:40,318 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:40,682 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:41,046 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:41,415 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:41,772 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:42,132 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:42,489 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:42,845 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:43,227 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:43,580 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:43,934 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:44,288 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:44,644 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:44,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:45,355 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:45,723 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:46,085 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:46,442 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:46,800 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:47,161 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:47,518 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:47,895 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:48,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:48,643 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:49,006 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:49,368 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:49,725 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:50,086 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:50,452 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:50,827 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:51,190 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:51,587 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:51,954 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:52,338 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:52,702 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:53,070 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:53,440 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:53,810 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:54,182 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:54,546 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:54,914 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:55,273 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:55,633 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:55,996 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:56,362 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:56,722 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:57,097 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:57,775 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:58,157 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:58,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:58,932 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:59,474 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:54:59,838 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:00,215 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:00,594 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:01,010 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:01,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:01,774 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:02,135 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:02,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:02,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:03,222 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:03,586 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:03,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:04,345 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:04,724 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:05,120 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:05,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:05,874 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:06,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:06,717 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:07,120 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:07,496 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:07,892 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:08,256 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:08,641 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:09,250 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:09,613 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:09,975 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:10,368 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:10,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:11,126 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:11,485 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:11,854 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:12,228 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:12,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:12,958 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:13,320 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:13,680 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:14,044 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:14,410 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:14,772 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:15,145 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:15,506 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:15,866 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:16,223 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:16,584 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:16,944 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:17,318 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:17,672 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:18,030 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:18,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:18,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:19,098 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:19,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:19,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:20,179 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:20,535 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:20,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:21,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:21,624 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:22,002 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:22,361 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:22,719 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:23,074 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:23,429 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:23,783 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:24,136 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:24,492 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:24,846 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:25,198 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:25,551 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:25,907 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:26,264 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:26,617 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:26,972 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:27,330 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:27,682 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:28,036 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:28,407 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:28,766 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:29,118 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:29,477 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:29,834 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:30,192 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:30,549 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:30,912 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:31,270 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:31,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:32,003 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:32,363 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:32,726 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:33,086 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:33,443 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:33,808 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:34,166 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:34,524 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:34,879 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:35,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:35,598 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:35,959 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:36,323 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:36,679 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:37,042 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:37,402 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:37,760 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:38,115 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:38,474 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:38,834 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:39,196 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:39,554 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:39,912 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:40,384 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:40,740 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:41,096 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:42,090 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:42,447 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:43,421 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:43,779 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:44,797 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:45,155 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:45,774 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:46,131 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:47,095 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:47,452 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:48,473 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:48,833 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:49,208 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:49,564 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:49,924 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:50,286 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:50,639 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:50,996 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:51,351 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:51,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:52,069 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:52,428 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:52,784 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:53,168 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:53,525 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:53,882 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:54,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:54,594 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:54,950 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:55,307 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:55,660 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:56,016 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:56,374 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:56,732 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:57,086 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:57,441 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:57,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:58,156 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:58,518 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:58,873 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:59,228 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:59,583 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:55:59,936 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:00,294 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:00,655 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:01,018 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:01,380 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:01,779 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:02,154 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:02,522 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:02,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:03,251 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:03,657 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:04,037 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:04,407 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:04,789 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:05,150 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:05,508 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:05,866 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:06,230 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:06,594 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:06,958 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:07,321 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:07,679 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:08,036 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:08,398 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:08,756 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:09,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:09,466 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:09,823 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:10,178 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:10,533 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:10,989 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:11,348 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:12,595 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:12,954 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:13,637 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:13,997 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:14,809 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:15,164 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:15,991 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:16,351 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:17,193 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:17,557 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:17,933 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:18,305 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:18,671 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:19,041 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:19,410 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:19,770 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:20,132 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:20,493 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:20,854 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:21,212 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:21,568 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:21,927 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:22,285 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:22,649 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:23,014 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:23,384 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:23,747 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:24,112 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:24,506 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:24,866 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:25,221 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:25,577 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:25,935 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:26,293 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:26,652 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:27,009 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:27,366 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:27,724 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:28,084 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:28,446 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:28,806 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:29,486 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:29,846 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:30,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:30,921 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:31,282 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:31,981 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:32,344 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:32,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:33,636 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:34,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:34,391 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:34,759 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:35,127 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:35,496 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:35,869 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:36,230 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:36,595 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:36,952 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:37,309 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:37,672 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:39,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:39,403 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:39,775 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:40,158 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:40,534 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:40,937 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:41,302 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:41,662 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:42,044 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:42,410 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:42,767 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:43,134 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:43,501 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:43,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:44,250 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:44,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:44,977 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:45,343 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:45,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:46,068 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:46,426 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:46,784 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:47,149 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:47,513 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:47,876 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:48,236 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:48,603 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:48,969 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:49,341 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:49,706 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:50,072 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:50,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:50,801 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:51,164 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:51,524 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:51,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:52,252 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:52,611 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:52,968 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:53,326 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:53,685 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:54,043 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:54,404 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:54,763 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:55,124 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:55,484 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:55,842 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:56,205 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:56,564 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:56,924 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:57,283 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:57,642 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:58,001 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:58,359 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:58,717 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:59,076 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:59,436 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:56:59,794 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:00,155 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:00,513 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:00,869 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:01,226 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:01,588 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:01,965 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:02,331 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:02,694 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:03,066 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:03,436 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:03,803 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:04,198 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:04,585 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:04,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:05,335 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:05,695 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:06,056 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:06,420 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:06,780 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:07,139 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:07,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:07,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:08,230 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:08,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:09,814 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:10,175 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:10,534 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:10,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:11,246 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:11,605 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:11,962 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:12,318 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:12,677 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:13,546 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:13,914 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:14,472 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:14,833 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:15,543 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:15,900 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:16,261 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:16,622 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:17,315 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:17,675 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:18,196 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:18,557 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:18,915 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:19,275 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:19,631 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:19,989 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:20,346 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:20,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:21,067 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:21,472 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:21,834 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:22,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:22,551 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:22,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:23,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:23,628 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:23,988 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:24,350 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:24,711 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:25,073 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:25,430 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:25,879 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:26,247 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:26,608 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:26,972 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:27,329 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:27,693 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:28,056 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:28,416 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:28,778 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:29,139 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:29,502 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:29,866 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:30,229 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:30,589 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:30,961 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:31,326 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:31,699 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:32,081 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:32,449 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:32,810 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:33,175 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:33,534 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:33,893 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:34,255 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:34,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:34,979 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:35,423 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:35,794 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:36,166 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:36,539 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:36,923 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:37,352 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:37,728 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:38,107 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:38,477 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:38,839 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:39,205 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:39,566 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:39,926 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:40,290 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:40,657 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:41,022 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:41,389 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:41,748 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:42,109 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:42,470 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:42,832 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:43,242 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:43,633 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:44,009 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:44,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:44,758 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:45,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:46,217 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:46,586 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:46,961 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:47,336 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:47,716 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:48,111 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:48,487 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:48,859 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:49,238 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:49,608 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:49,977 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:50,353 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:50,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:51,119 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:51,535 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:51,966 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:52,335 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:52,709 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:53,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:53,563 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:54,094 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:54,493 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:55,031 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:55,399 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:55,874 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:56,241 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:56,749 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:57,117 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:57,478 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:57,844 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:58,208 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:58,573 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:58,932 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:59,298 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:57:59,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:00,036 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:00,401 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:00,769 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:01,135 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:01,498 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:01,865 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:02,238 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:02,603 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:02,972 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:03,340 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:03,704 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:04,093 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:04,467 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:04,866 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:05,243 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:05,622 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:05,992 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:06,362 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:06,737 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:07,109 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:07,471 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:07,832 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:08,207 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:08,606 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:08,969 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:09,330 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:09,698 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:10,067 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:10,435 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:10,802 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:11,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:11,535 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:11,897 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:12,266 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:12,633 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:13,001 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:13,374 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:13,751 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:14,128 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:14,500 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:14,882 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:15,255 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:15,623 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:15,988 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:16,361 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:16,731 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:17,097 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:17,459 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:17,827 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:18,193 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:18,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:18,925 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:19,297 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:19,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:20,039 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:20,408 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:20,775 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:21,142 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:21,504 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:21,870 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:22,235 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:22,599 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:22,963 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:23,332 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:23,699 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:24,063 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:24,425 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:24,813 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:26,661 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:27,027 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:27,656 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:28,025 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:28,525 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:28,891 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:29,499 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:29,875 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:30,342 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:30,708 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:31,276 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:31,660 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:32,206 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:32,587 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:33,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:33,567 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:33,933 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:34,307 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:34,674 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:35,039 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:35,408 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:35,783 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:36,153 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:36,531 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:36,947 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:37,335 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:37,704 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:38,071 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:38,446 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:38,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:39,199 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:39,563 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:39,931 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:40,301 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:40,670 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:41,039 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:41,446 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:41,825 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:42,217 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:42,583 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:42,951 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:43,316 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:43,677 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:44,038 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:44,402 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:44,763 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:45,135 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:45,503 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:45,895 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:46,274 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:46,641 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:47,005 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:47,369 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:49,013 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:49,381 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:49,745 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:50,108 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:50,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:50,835 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:51,208 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:51,571 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:51,932 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:52,295 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:52,656 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:53,019 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:53,526 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:54,711 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:55,087 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:55,455 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:55,829 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:56,214 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:56,587 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:56,951 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:57,318 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:57,684 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:58,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:58,438 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:58,808 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:59,183 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:59,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:58:59,946 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:00,327 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:00,688 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:01,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:01,419 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:01,791 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:02,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:03,020 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:03,390 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:03,795 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:04,189 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:04,643 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:05,023 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:05,396 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:05,776 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:06,161 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:06,533 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:06,904 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:07,275 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:07,642 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:08,106 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:08,475 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:08,857 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:09,250 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:09,621 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:10,182 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:10,563 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:10,940 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:11,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:11,685 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:12,071 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:12,442 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:12,819 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:13,197 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:13,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:13,939 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:14,314 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:14,701 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:15,069 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:15,435 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:15,804 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:16,172 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:16,543 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:16,916 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:17,289 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:17,658 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:18,024 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:18,391 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:18,762 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:19,126 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:19,497 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:19,874 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:20,257 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:20,621 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:20,992 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:21,355 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:21,719 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:22,082 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:22,445 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:22,819 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:23,187 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:23,545 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:23,914 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:24,284 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:24,656 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:25,019 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:25,390 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:25,770 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:26,136 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:26,500 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:26,867 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:27,240 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:27,606 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:28,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:28,418 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:28,785 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:29,156 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:29,522 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:29,894 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:30,264 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:30,628 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:30,993 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:31,362 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:31,736 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:32,111 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:32,478 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:32,844 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:33,222 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:33,587 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:33,955 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:34,328 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:34,701 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:35,066 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:35,432 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:35,803 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:36,170 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:36,536 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:36,902 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:37,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:37,636 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:38,004 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:38,373 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:38,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:39,105 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:39,469 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:39,848 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:40,222 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:40,585 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:40,950 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:41,318 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:41,685 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:42,049 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:42,418 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:42,789 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:43,154 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:43,521 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:43,888 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:44,260 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:44,710 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:45,077 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:45,522 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:45,891 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:46,357 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:46,727 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:47,128 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:47,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:47,930 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:48,306 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:48,672 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:49,036 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-08 21:59:49,061 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-08 21:59:52,142 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-08 21:59:52,174 - root - INFO - [chat.py:586] - Processing 2966 pages for document 447 -2025-06-08 21:59:56,505 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 22:00:11,135 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 22:00:23,044 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 22:00:33,810 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 22:00:43,430 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 22:00:52,649 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 22:01:03,796 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 22:01:19,242 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 22:01:27,100 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 22:01:28,999 - root - INFO - [chat.py:660] - Saving 71572 ICD codes -2025-06-08 22:01:29,000 - root - INFO - [chat.py:664] - Successfully indexed document 447 -2025-06-08 22:01:29,059 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-08 22:01:29,170 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 1310.089s - IP: 127.0.0.1 -2025-06-08 22:01:29,173 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 22:01:29] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-08 22:01:29,182 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-08 22:01:29,189 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 448 -2025-06-08 22:01:29,192 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 22:01:29,193 - root - INFO - [chat.py:1345] - Starting processing of document 448 -2025-06-08 22:01:29,194 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-08 22:01:29,206 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-08 22:01:29,591 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-08 22:01:29,594 - root - INFO - [chat.py:586] - Processing 1 pages for document 448 -2025-06-08 22:01:29,961 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-08 22:01:30,220 - root - INFO - [chat.py:664] - Successfully indexed document 448 -2025-06-08 22:01:30,221 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-08 22:01:30,353 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 1.171s - IP: 127.0.0.1 -2025-06-08 22:01:30,354 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [08/Jun/2025 22:01:30] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 08:23:39,641 - root - INFO - [chat.py:522] - Creating vector store for hospital 51 -2025-06-09 08:23:39,650 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 08:23:44,062 - access - INFO - [chat.py:1582] - "GET /flask-api/get-chroma-content" 404 - Duration: 4.423s - IP: 127.0.0.1 -2025-06-09 08:23:44,063 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 08:23:44] "[33mGET /flask-api/get-chroma-content?hospital_id=51 HTTP/1.1[0m" 404 - -2025-06-09 08:33:07,749 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 08:33:07,752 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 239, doc_id 449 -2025-06-09 08:33:07,758 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 08:33:07,759 - root - INFO - [chat.py:1345] - Starting processing of document 449 -2025-06-09 08:33:07,759 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-09 08:33:07,768 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-09 08:33:07,956 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-09 08:33:07,959 - root - INFO - [chat.py:522] - Creating vector store for hospital 239 -2025-06-09 08:33:07,964 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 08:33:12,510 - root - INFO - [chat.py:586] - Processing 1 pages for document 449 -2025-06-09 08:33:13,108 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 08:33:13,290 - root - INFO - [chat.py:664] - Successfully indexed document 449 -2025-06-09 08:33:13,291 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-09 08:33:13,368 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 5.619s - IP: 127.0.0.1 -2025-06-09 08:33:13,369 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 08:33:13] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 08:35:49,558 - root - INFO - [chat.py:1479] - Received request to delete vectors for document 425 from hospital 229 -2025-06-09 08:35:53,803 - root - INFO - [chat.py:1479] - Received request to delete vectors for document 425 from hospital 229 -2025-06-09 08:35:59,717 - root - INFO - [chat.py:562] - Successfully deleted vectors for document 425 from hospital 229 -2025-06-09 08:35:59,718 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 10.160s - IP: 127.0.0.1 -2025-06-09 08:35:59,718 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 08:35:59] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-09 08:35:59,751 - root - INFO - [chat.py:562] - Successfully deleted vectors for document 425 from hospital 229 -2025-06-09 08:35:59,751 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 5.948s - IP: 127.0.0.1 -2025-06-09 08:35:59,752 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 08:35:59] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-09 08:36:32,385 - root - INFO - [chat.py:1479] - Received request to delete vectors for document 427 from hospital 229 -2025-06-09 08:36:33,989 - root - INFO - [chat.py:562] - Successfully deleted vectors for document 427 from hospital 229 -2025-06-09 08:36:33,990 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 1.606s - IP: 127.0.0.1 -2025-06-09 08:36:33,991 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 08:36:33] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-09 08:36:41,908 - root - INFO - [chat.py:1479] - Received request to delete vectors for document 429 from hospital 229 -2025-06-09 08:36:42,008 - root - INFO - [chat.py:562] - Successfully deleted vectors for document 429 from hospital 229 -2025-06-09 08:36:42,009 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.101s - IP: 127.0.0.1 -2025-06-09 08:36:42,009 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 08:36:42] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-09 08:36:47,562 - root - INFO - [chat.py:1479] - Received request to delete vectors for document 440 from hospital 229 -2025-06-09 08:36:47,823 - root - INFO - [chat.py:562] - Successfully deleted vectors for document 440 from hospital 229 -2025-06-09 08:36:47,823 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.262s - IP: 127.0.0.1 -2025-06-09 08:36:47,824 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 08:36:47] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-09 08:39:06,795 - root - INFO - [chat.py:1479] - Received request to delete vectors for document 441 from hospital 229 -2025-06-09 08:39:07,099 - root - INFO - [chat.py:562] - Successfully deleted vectors for document 441 from hospital 229 -2025-06-09 08:39:07,100 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.305s - IP: 127.0.0.1 -2025-06-09 08:39:07,101 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 08:39:07] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-09 08:39:16,674 - root - INFO - [chat.py:1479] - Received request to delete vectors for document 431 from hospital 229 -2025-06-09 08:39:17,352 - root - INFO - [chat.py:562] - Successfully deleted vectors for document 431 from hospital 229 -2025-06-09 08:39:17,353 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.679s - IP: 127.0.0.1 -2025-06-09 08:39:17,353 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 08:39:17] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-09 08:39:24,133 - root - INFO - [chat.py:1479] - Received request to delete vectors for document 448 from hospital 229 -2025-06-09 08:39:24,319 - root - INFO - [chat.py:562] - Successfully deleted vectors for document 448 from hospital 229 -2025-06-09 08:39:24,319 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.186s - IP: 127.0.0.1 -2025-06-09 08:39:24,319 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 08:39:24] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-09 08:40:47,458 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 08:40:47,479 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 450 -2025-06-09 08:40:47,494 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 08:40:47,496 - root - INFO - [chat.py:1345] - Starting processing of document 450 -2025-06-09 08:40:47,531 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-09 08:41:53,200 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:53,551 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:53,894 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:54,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:54,579 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:54,921 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:55,266 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:55,609 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:55,966 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:56,321 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:56,672 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:57,020 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:57,363 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:57,706 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:58,049 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:58,395 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:58,737 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:59,086 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:59,431 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:41:59,780 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:00,123 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:00,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:00,811 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:01,157 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:01,502 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:01,853 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:02,200 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:02,554 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:02,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:03,277 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:03,638 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:03,999 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:04,369 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:04,734 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:05,085 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:05,434 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:05,783 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:06,418 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:06,769 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:07,124 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:07,478 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:07,832 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:08,185 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:08,535 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:08,883 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:09,236 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:09,590 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:09,945 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:10,314 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:10,674 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:11,030 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:11,388 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:11,737 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:12,086 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:12,433 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:12,782 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:13,137 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:13,498 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:13,856 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:14,222 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:14,590 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:14,964 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:15,351 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:15,715 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:16,080 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:16,442 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:16,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:17,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:17,497 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:17,850 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:18,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:18,539 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:18,880 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:19,220 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:19,562 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:19,911 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:20,255 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:20,601 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:20,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:21,285 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:21,628 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:21,967 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:22,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:22,650 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:22,996 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:23,342 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:23,687 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:24,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:24,379 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:24,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:25,158 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:25,503 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:25,848 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:26,199 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:26,546 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:26,906 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:27,257 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:27,604 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:27,946 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:28,295 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:28,643 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:28,993 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:29,343 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:29,693 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:30,061 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:30,409 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:30,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:31,105 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:31,455 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:31,804 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:32,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:32,504 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:32,873 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:33,219 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:33,567 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:33,914 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:34,260 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:34,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:34,963 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:35,316 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:35,660 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:36,008 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:36,364 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:36,722 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:37,073 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:37,427 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:37,789 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:38,139 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:38,490 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:38,839 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:39,190 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:39,541 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:39,890 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:40,238 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:40,590 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:40,940 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:41,295 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:41,645 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:42,001 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:42,353 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:42,703 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:43,056 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:43,412 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:43,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:44,113 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:44,466 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:44,817 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:45,167 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:45,518 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:45,866 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:46,217 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:46,582 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:46,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:47,293 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:47,646 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:48,003 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:48,360 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:48,847 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:49,192 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:49,674 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:50,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:50,368 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:50,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:51,061 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:51,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:51,784 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:52,140 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:52,491 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:52,852 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:53,197 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:53,551 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:53,902 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:54,253 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:54,607 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:54,956 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:55,306 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:55,662 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:56,030 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:56,388 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:56,739 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:57,101 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:57,456 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:57,803 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:58,151 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:58,499 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:58,842 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:59,191 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:59,546 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:42:59,901 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:00,245 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:00,592 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:00,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:01,344 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:01,694 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:02,045 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:02,392 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:02,743 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:03,098 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:03,450 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:03,805 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:04,171 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:04,531 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:04,894 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:05,241 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:05,588 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:05,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:06,309 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:06,678 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:07,029 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:07,380 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:07,733 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:08,087 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:08,443 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:08,795 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:09,148 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:09,503 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:09,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:10,209 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:10,555 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:10,914 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:11,282 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:11,635 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:11,990 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:12,346 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:12,700 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:13,057 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:13,420 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:13,787 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:14,161 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:14,541 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:14,918 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:15,297 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:15,683 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:16,068 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:16,441 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:16,816 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:17,189 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:17,551 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:17,906 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:18,260 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:18,626 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:18,981 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:19,332 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:19,682 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:20,036 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:20,393 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:20,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:21,094 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:21,448 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:21,808 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:22,166 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:22,527 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:22,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:23,245 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:23,730 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:24,084 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:24,434 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:24,826 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:25,179 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:25,547 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:25,896 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:26,256 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:26,611 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:26,971 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:27,321 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:27,684 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:28,039 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:28,392 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:28,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:29,102 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:29,452 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:29,803 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:30,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:30,507 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:30,854 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:31,207 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:31,571 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:31,939 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:32,304 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:32,678 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:33,043 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:33,395 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:33,744 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:34,094 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:34,446 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:34,796 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:35,149 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:35,499 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:35,846 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:36,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:36,544 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:36,894 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:37,245 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:37,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:37,945 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:38,292 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:38,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:38,990 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:39,340 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:39,689 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:40,038 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:40,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:40,735 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:41,088 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:41,442 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:41,792 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:42,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:42,494 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:42,845 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:43,189 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:43,537 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:43,883 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:44,231 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:44,572 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:44,918 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:45,261 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:45,607 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:45,956 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:46,305 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:46,661 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:47,011 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:47,362 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:47,710 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:48,058 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:48,406 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:48,751 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:49,098 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:49,448 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:49,798 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:50,147 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:50,493 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:50,842 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:51,192 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:51,539 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:51,888 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:52,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:52,584 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:52,949 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:53,299 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:53,666 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:54,015 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:54,364 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:54,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:55,060 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:55,405 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:55,753 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:56,106 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:56,456 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:56,804 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:57,165 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:57,511 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:57,863 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:58,214 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:58,568 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:58,920 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:59,274 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:43:59,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:00,010 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:00,365 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:00,719 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:01,074 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:01,431 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:01,787 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:02,148 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:02,504 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:02,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:03,211 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:03,563 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:03,927 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:04,294 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:04,656 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:05,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:05,371 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:05,722 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:06,079 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:06,432 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:06,786 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:07,138 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:07,492 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:07,847 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:08,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:08,545 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:08,894 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:09,246 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:09,598 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:09,952 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:10,302 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:10,656 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:11,023 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:11,390 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:11,744 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:12,105 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:12,450 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:12,797 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:13,142 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:13,493 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:13,845 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:14,196 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:14,556 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:14,918 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:15,279 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:15,653 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:16,013 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:16,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:16,766 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:17,131 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:17,482 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:17,835 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:18,183 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:18,536 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:18,899 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:19,259 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:19,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:19,964 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:20,315 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:20,661 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:21,008 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:21,355 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:21,703 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:22,053 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:22,403 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:22,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:23,123 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:23,480 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:23,834 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:24,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:24,547 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:25,464 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:25,818 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:26,175 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:26,537 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:26,933 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:27,314 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:27,678 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:28,039 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:28,407 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:28,761 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:29,111 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:29,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:29,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:30,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:30,519 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:30,867 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:31,213 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:31,559 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:31,906 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:32,254 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:32,606 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:32,954 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:33,305 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:33,652 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:34,002 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:34,351 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:34,699 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:35,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:35,398 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:35,778 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:36,129 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:36,477 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:36,832 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:37,184 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:37,538 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:37,892 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:38,241 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:38,599 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:38,954 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:39,308 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:39,662 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:40,015 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:40,370 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:40,723 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:41,087 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:41,452 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:41,813 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:42,170 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:42,523 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:42,874 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:43,224 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:43,578 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:43,930 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:44,284 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:44,637 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:44,994 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:45,351 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:45,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:46,060 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:46,424 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:46,793 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:47,155 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:47,509 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:47,859 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:48,207 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:48,557 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:48,906 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:49,258 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:49,615 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:49,971 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:50,326 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:50,676 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:51,025 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:51,376 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:51,724 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:52,074 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:52,425 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:52,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:53,124 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:53,471 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:53,822 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:54,169 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:54,627 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:54,971 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:55,405 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:55,749 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:56,095 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:56,446 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:56,810 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:57,196 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:57,556 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:57,911 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:58,266 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:58,619 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:58,971 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:59,325 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:44:59,681 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:00,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:00,387 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:00,744 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:01,655 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:02,034 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:02,404 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:02,762 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:03,117 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:03,469 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:03,830 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:04,203 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:04,559 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:04,927 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:05,284 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:05,636 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:05,991 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:06,351 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:06,717 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:07,080 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:07,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:07,797 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:08,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:08,507 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:08,863 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:09,214 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:09,569 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:09,927 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:10,280 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:10,635 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:10,992 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:11,346 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:11,700 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:12,056 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:12,413 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:12,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:13,117 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:13,473 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:13,833 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:14,190 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:14,549 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:14,907 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:15,262 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:15,611 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:15,961 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:16,326 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:16,683 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:17,061 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:17,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:17,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:18,206 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:18,584 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:18,954 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:19,319 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:19,681 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:20,051 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:20,426 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:20,790 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:21,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:21,498 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:21,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:22,213 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:22,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:23,135 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:23,497 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:24,022 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:24,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:25,064 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:25,428 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:25,949 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:26,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:26,924 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:27,300 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:27,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:28,038 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:28,401 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:28,755 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:29,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:29,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:29,829 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:30,182 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:30,536 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:30,893 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:31,250 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:31,602 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:31,957 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:32,320 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:32,680 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:33,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:33,384 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:33,736 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:34,094 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:34,449 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:34,797 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:35,149 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:35,500 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:35,847 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:36,197 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:36,549 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:36,899 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:37,248 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:37,600 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:37,949 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:38,300 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:38,660 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:39,017 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:39,379 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:39,736 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:40,085 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:40,436 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:40,785 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:41,134 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:41,483 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:41,834 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:42,184 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:42,533 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:42,883 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:43,230 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:43,581 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:43,929 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:44,277 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:44,632 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:44,987 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:45,338 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:45,687 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:46,035 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:46,381 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:46,732 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:47,088 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:47,436 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:47,786 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:48,133 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:48,482 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:48,830 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:49,178 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:49,525 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:49,873 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:50,221 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:50,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:50,920 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:51,271 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:51,624 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:51,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:52,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:52,790 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:53,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:53,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:53,982 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:54,330 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:54,721 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:55,069 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:55,478 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:55,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:56,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:56,523 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:56,877 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:57,246 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:57,599 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:57,952 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:58,312 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:58,663 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:59,013 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:59,369 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:45:59,728 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:00,082 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:00,436 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:00,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:01,153 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:01,507 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:01,857 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:02,206 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:02,557 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:02,929 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:03,278 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:03,630 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:03,996 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:04,358 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:04,734 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:05,088 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:05,437 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:05,794 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:06,147 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:06,497 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:06,844 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:07,191 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:07,542 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:07,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:08,242 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:08,592 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:08,941 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:09,293 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:09,647 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:10,003 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:10,360 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:10,717 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:11,068 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:11,419 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:11,769 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:12,120 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:12,469 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:12,817 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:13,168 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:13,517 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:13,872 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:14,225 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:14,580 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:14,930 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:15,281 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:15,629 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:15,983 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:16,337 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:16,687 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:17,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:17,414 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:17,770 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:18,141 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:18,519 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:18,892 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:19,296 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:19,671 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:20,034 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:20,392 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:20,745 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:21,097 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:21,736 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:22,100 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:22,458 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:22,825 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:23,177 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:23,709 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:24,063 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:24,813 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:25,166 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:25,823 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:26,176 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:26,811 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:27,195 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:27,702 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:28,053 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:28,402 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:28,750 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:29,493 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:29,848 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:30,212 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:30,569 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:30,926 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:31,280 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:31,630 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:31,981 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:32,333 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:32,690 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:33,046 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:33,399 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:33,751 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:34,107 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:34,460 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:34,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:35,170 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:35,525 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:35,883 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:36,240 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:36,593 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:36,946 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:37,301 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:37,650 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:38,004 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:38,362 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:38,719 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:39,078 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:39,663 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:40,017 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:40,594 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:40,946 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:41,446 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:41,803 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:42,160 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:42,513 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:42,862 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:43,214 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:43,563 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:43,917 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:44,274 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:44,628 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:44,978 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:45,331 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:45,684 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:46,034 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:46,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:46,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:47,100 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:47,455 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:47,826 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:48,177 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:48,528 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:48,878 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:49,228 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:49,580 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:49,933 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:50,293 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:50,643 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:51,003 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:51,357 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:51,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:52,074 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:52,433 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:52,789 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:53,141 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:53,500 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:53,873 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:54,227 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:54,627 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:54,979 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:55,331 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:55,697 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:56,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:56,401 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:56,763 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:57,117 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:57,485 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:57,838 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:58,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:58,544 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:58,894 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:59,242 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:59,590 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:46:59,937 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:00,289 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:00,641 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:00,991 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:01,349 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:01,708 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:02,058 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:02,408 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:02,766 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:03,119 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:03,470 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:03,827 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:04,200 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:04,558 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:04,924 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:05,274 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:05,625 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:05,972 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:06,329 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:06,689 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:07,045 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:07,422 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:07,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:08,122 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:08,471 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:08,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:09,177 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:09,533 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:09,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:10,239 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:10,590 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:10,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:11,295 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:11,647 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:11,996 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:12,346 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:12,707 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:13,060 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:13,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:13,767 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:14,115 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:14,471 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:14,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:15,174 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:15,523 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:15,874 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:16,224 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:16,576 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:17,093 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:17,465 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:18,039 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:18,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:19,290 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:19,662 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:20,087 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:20,444 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:20,810 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:21,169 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:21,528 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:21,883 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:22,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:22,591 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:22,956 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:23,314 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:23,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:24,018 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:24,373 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:24,727 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:25,082 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:25,437 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:25,793 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:26,149 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:26,520 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:26,888 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:27,265 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:27,617 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:27,964 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:28,316 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:28,670 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:29,023 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:29,375 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:29,727 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:30,073 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:30,426 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:30,777 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:31,126 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:31,478 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:31,834 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:32,187 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:32,545 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:32,902 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:33,255 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:33,606 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:33,953 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:34,303 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:34,654 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:35,003 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:35,354 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:35,704 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:36,057 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:36,408 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:36,758 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:37,108 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:37,460 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:37,817 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:38,165 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:38,518 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:38,867 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:39,219 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:39,585 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:39,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:40,298 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:40,660 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:41,015 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:41,365 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:41,715 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:42,065 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:42,417 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:42,771 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:43,125 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:43,476 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:43,835 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:44,187 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:44,536 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:44,890 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:45,239 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:45,586 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:45,941 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:46,693 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:47,050 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:47,494 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:47,849 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:48,400 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:48,754 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:49,210 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:49,563 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:50,028 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:50,380 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:50,728 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:51,077 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:51,430 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:51,779 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:52,128 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:52,477 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:52,827 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:53,176 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:53,526 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:53,877 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:54,230 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:54,581 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:54,933 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:55,284 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:55,632 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:55,981 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:56,334 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:56,694 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:57,050 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:57,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:57,761 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:58,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:58,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:58,813 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:59,164 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:59,521 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:47:59,872 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:00,224 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:00,571 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:00,920 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:01,270 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:01,617 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:01,987 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:02,337 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:02,686 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:03,036 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:03,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:03,734 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:04,106 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:04,461 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:04,830 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:05,190 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:05,542 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:07,748 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:08,102 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:08,459 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:08,810 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:09,157 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:09,507 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:09,874 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:10,229 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:10,579 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:10,930 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:11,282 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:11,636 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:11,992 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:12,344 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:12,693 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:13,042 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:13,392 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:13,747 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:14,095 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:14,465 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:14,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:15,164 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:15,513 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:15,862 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:16,213 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:16,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:16,914 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:17,277 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:17,630 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:17,988 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:18,352 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:18,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:19,078 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:19,456 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:19,832 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:20,212 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:20,581 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:20,936 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:21,295 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:21,645 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:21,995 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:22,348 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:22,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:23,054 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:23,407 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:23,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:24,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:24,787 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:25,143 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:25,755 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:26,108 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:26,657 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:27,013 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:27,969 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:28,335 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:28,971 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:29,333 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:29,684 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:30,937 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:31,288 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:31,654 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:32,023 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:32,397 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:32,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:33,141 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:33,492 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:33,845 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:34,193 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:34,541 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:34,891 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:35,242 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:35,591 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:35,940 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:36,293 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:36,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:36,990 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:37,343 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:37,697 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:38,050 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:38,407 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:38,759 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:39,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:39,461 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:39,814 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:40,164 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:40,514 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:40,864 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:41,214 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:41,566 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:41,918 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:42,270 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:42,618 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:42,968 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:43,320 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:43,669 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:44,022 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:44,373 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:44,725 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:45,073 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:45,424 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:45,772 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:46,122 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:46,472 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:46,826 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:47,176 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:47,530 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:47,883 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:48,235 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:48,586 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:48,937 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:49,288 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:49,639 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:49,990 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:50,342 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:50,702 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:51,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:51,403 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:51,752 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:52,100 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:52,450 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:52,798 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:53,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:53,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:53,846 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:54,196 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:54,546 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:54,896 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:55,650 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:56,016 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:56,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:56,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:57,418 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:57,789 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:58,710 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:59,093 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:59,453 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:48:59,803 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:00,153 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:00,505 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:00,855 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:01,211 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:01,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:01,926 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:02,279 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:02,630 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:02,980 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:03,330 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:03,681 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:04,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:04,410 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:04,781 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:05,133 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:05,485 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:05,835 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:06,186 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:06,538 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:06,891 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:07,239 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:07,590 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:07,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:08,292 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:08,643 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:08,997 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:09,478 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:09,829 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:10,941 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:11,526 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:12,117 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:12,471 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:13,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:13,548 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:13,905 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:14,255 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:14,616 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:14,971 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:15,328 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:15,683 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:16,040 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:16,397 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:16,754 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:17,116 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:17,484 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:17,839 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:18,198 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:18,560 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:18,927 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:19,315 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:19,690 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:20,075 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:20,459 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:20,822 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:21,185 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:21,546 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:21,906 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:22,266 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:22,622 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:22,983 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:23,343 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:23,696 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:24,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:24,403 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:24,758 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:25,109 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:25,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:25,826 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:26,176 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:26,530 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:26,885 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:27,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:27,604 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:27,960 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:28,317 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:28,669 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:29,020 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:29,372 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:29,723 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:30,072 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:30,423 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:30,776 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:31,129 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:31,480 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:31,834 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:32,184 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:32,538 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:32,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:33,238 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:33,595 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:33,948 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:34,299 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:34,652 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:35,003 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:35,359 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:35,712 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:36,064 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:36,413 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:36,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:37,131 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:37,487 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:37,848 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:38,200 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:38,550 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:38,908 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:39,262 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:39,616 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:39,977 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:40,329 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:40,679 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:41,030 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:41,382 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:41,732 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:42,086 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:42,437 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:42,795 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:43,155 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:43,511 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:43,875 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:44,231 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:44,585 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:44,936 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:45,289 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:45,641 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:45,995 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:46,347 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:46,701 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:47,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:47,410 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:47,761 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:48,114 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:48,466 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:48,818 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:49,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:49,528 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:49,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:50,513 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:50,866 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:51,669 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:52,055 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:52,605 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:52,960 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:53,424 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:53,776 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:54,131 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:54,740 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:55,091 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:55,445 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:55,797 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:56,157 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:56,514 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:56,879 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:57,240 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:57,611 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:57,962 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:58,315 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:58,668 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:59,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:59,381 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:49:59,732 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:00,087 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:00,437 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:00,788 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:01,143 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:01,504 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:01,865 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:02,221 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:02,575 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:02,961 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:03,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:03,663 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:04,034 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:04,391 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:04,761 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:05,117 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:05,467 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:05,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:06,166 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:06,517 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:06,868 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:07,226 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:07,594 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:07,966 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:08,327 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:08,680 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:09,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:09,382 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:09,732 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:10,241 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:10,590 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:10,941 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:11,292 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:11,646 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:11,999 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:12,348 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:12,702 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:13,058 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:13,415 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:13,769 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:14,125 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:14,492 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:14,846 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:15,201 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:15,555 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:15,912 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:16,267 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:16,619 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:16,969 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:17,322 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:17,677 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:18,030 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:18,388 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:18,737 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:19,093 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:19,448 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:20,008 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:20,372 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:20,728 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:21,101 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:21,579 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:21,956 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:22,378 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:22,760 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:23,616 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:23,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:24,585 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:24,949 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:25,302 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:25,655 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:26,006 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:26,356 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:26,709 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:27,063 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:27,422 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:27,776 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:28,129 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:28,481 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:28,838 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:29,193 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:29,545 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:29,897 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:30,254 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:30,607 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:30,967 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:31,323 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:31,680 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:32,043 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:32,397 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:32,749 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:33,105 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:33,456 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:33,810 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:34,162 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:34,516 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:34,868 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:35,219 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:35,574 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:35,929 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:36,295 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:36,645 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:36,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:37,355 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:37,711 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:38,064 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:38,416 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:38,766 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:39,121 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:39,474 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:39,827 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:40,184 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:40,535 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:40,892 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:41,251 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:41,605 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:41,957 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:42,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:42,661 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:43,024 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:43,382 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:43,745 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:44,104 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:44,455 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:44,808 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:45,162 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:45,514 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:45,865 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:46,220 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:46,575 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:46,931 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:47,282 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:47,642 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:47,994 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:48,346 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:48,700 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:49,057 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:49,408 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:49,761 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:50,273 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:50,625 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:51,063 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:51,417 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:51,978 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:52,335 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:52,907 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:53,260 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:53,844 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:54,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:54,545 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:54,898 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:55,251 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:55,601 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:55,952 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:56,306 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:56,697 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:57,054 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:57,408 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:57,771 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:58,127 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:58,480 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:58,838 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:59,193 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:59,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:50:59,929 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:00,304 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:00,660 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:01,018 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:01,371 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:01,731 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:02,096 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:02,450 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:02,813 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:03,171 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:03,529 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:03,900 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:04,267 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:04,629 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:04,991 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:05,343 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:05,695 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:06,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:06,399 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:06,752 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:07,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:07,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:07,816 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:08,171 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:08,525 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:08,876 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:09,227 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:09,578 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:09,934 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:10,287 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:10,645 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:10,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:11,350 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:11,703 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:12,054 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:12,406 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:12,756 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:13,108 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:13,459 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:13,811 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:14,175 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:14,546 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:14,898 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:15,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:15,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:15,947 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:16,303 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:16,657 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:17,007 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:17,361 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:17,720 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:18,075 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:18,427 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:18,777 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:19,129 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:19,485 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:19,836 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:20,195 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:20,556 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:20,921 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:21,286 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:21,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:22,187 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:22,751 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:23,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:23,593 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:23,948 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:24,642 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:24,997 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:25,350 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:27,166 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:27,527 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:27,882 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:28,234 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:28,584 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:28,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:29,290 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:29,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:29,989 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:30,339 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:30,687 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:31,039 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:31,389 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:31,740 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:32,093 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:32,444 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:32,797 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:33,153 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:33,503 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:33,854 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:34,206 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:34,584 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:34,940 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:35,296 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:35,644 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:35,994 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:36,346 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:36,696 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:37,050 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:37,401 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:37,753 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:38,112 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:38,469 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:38,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:39,180 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:39,533 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:39,896 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:40,258 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:40,609 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:40,962 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:41,318 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:41,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:42,020 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:42,375 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:42,736 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:43,097 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:43,456 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:43,820 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:44,181 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:44,532 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:44,885 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:45,245 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:45,603 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:45,969 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:46,332 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:46,697 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:47,051 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:47,404 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:47,769 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:48,124 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:48,476 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:48,833 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:49,193 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:49,834 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:50,188 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:50,723 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:51,078 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:51,556 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:51,917 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:52,425 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:52,779 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:53,158 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:53,513 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:53,863 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:54,216 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:54,568 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:54,922 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:55,279 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:55,633 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:55,986 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:56,338 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:56,692 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:57,049 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:57,402 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:57,766 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:58,120 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:58,470 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:58,820 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:59,174 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:59,529 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:51:59,882 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:00,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:00,589 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:00,941 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:01,299 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:01,650 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:02,007 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:02,359 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:02,733 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:03,087 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:03,437 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:03,791 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:04,156 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:04,513 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:04,878 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:05,235 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:05,594 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:05,948 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:06,302 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:06,658 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:07,017 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:07,370 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:07,730 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:08,098 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:08,454 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:08,806 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:09,160 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:09,512 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:09,865 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:10,220 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:10,575 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:10,928 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:11,284 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:11,635 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:11,989 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:12,341 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:12,693 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:13,047 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:13,404 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:13,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:14,117 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:14,470 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:14,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:15,178 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:15,531 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:15,885 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:16,240 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:16,595 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:16,950 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:17,305 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:17,666 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:18,023 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:18,378 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:18,733 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:19,088 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:19,618 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:19,977 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:20,456 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:20,814 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:21,315 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:21,675 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:22,138 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:22,502 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:22,944 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:23,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:23,680 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:24,059 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:24,433 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:24,788 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:25,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:25,503 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:25,860 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:26,217 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:26,578 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:26,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:27,297 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:27,671 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:28,027 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:28,383 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:28,769 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:29,141 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:29,520 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:29,891 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:30,246 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:30,598 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:30,954 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:31,311 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:31,662 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:32,018 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:32,370 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:32,722 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:33,075 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:33,428 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:33,783 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:34,136 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:34,489 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:34,845 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:35,205 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:35,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:35,916 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:36,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:36,625 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:36,979 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:37,333 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:37,686 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:38,043 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:38,397 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:38,750 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:39,106 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:39,459 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:39,813 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:40,171 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:40,527 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:40,882 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:41,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:41,589 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:41,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:42,297 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:42,650 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:43,003 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:43,358 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:43,711 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:44,075 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:44,433 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:44,791 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:45,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:45,501 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:45,857 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:46,210 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:46,560 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:46,916 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:47,852 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:48,212 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:48,564 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:48,919 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:49,277 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:49,720 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:50,077 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:50,431 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:50,793 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:51,157 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:51,521 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:51,882 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:52,396 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:52,750 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:53,105 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:53,460 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:53,934 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:54,291 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:54,761 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:55,124 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:55,485 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:55,843 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:56,569 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:56,958 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:57,325 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:57,703 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:58,064 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:58,429 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:58,790 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:59,148 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:59,507 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:52:59,867 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:00,224 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:00,580 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:00,936 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:01,295 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:01,654 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:02,019 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:02,379 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:02,734 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:03,090 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:03,448 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:03,810 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:04,180 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:04,540 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:04,906 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:05,261 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:05,612 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:06,178 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:06,532 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:06,884 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:07,236 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:07,732 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:08,089 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:08,444 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:08,796 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:09,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:09,505 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:09,862 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:10,217 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:10,569 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:10,925 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:11,282 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:11,636 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:11,991 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:12,346 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:12,701 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:13,049 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:13,404 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:13,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:14,116 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:14,476 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:14,833 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:15,190 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:15,547 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:15,902 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:16,260 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:16,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:16,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:17,329 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:17,682 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:18,044 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:18,399 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:18,755 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:19,111 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:19,464 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:19,819 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:20,198 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:20,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:20,916 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:21,271 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:21,628 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:21,986 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:22,356 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:22,720 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:23,092 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:23,467 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:23,842 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:24,218 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:24,591 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:24,950 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:25,316 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:25,691 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:26,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:26,410 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:26,769 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:28,413 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:28,777 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:29,306 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:29,661 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:30,068 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:30,425 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:30,961 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:31,320 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:33,001 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:33,362 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:33,715 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:34,067 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:34,421 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:34,775 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:35,345 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:35,702 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:36,056 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:36,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:36,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:37,267 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:37,621 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:38,148 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:38,506 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:38,859 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:39,216 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:39,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:39,929 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:40,285 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:40,643 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:40,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:41,353 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:41,710 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:42,067 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:42,424 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:42,781 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:43,137 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:43,494 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:43,851 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:44,221 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:44,577 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:44,935 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:45,297 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:45,652 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:46,016 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:46,377 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:46,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:47,096 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:47,457 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:47,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:48,187 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:48,549 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:48,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:49,270 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:49,628 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:49,985 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:50,345 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:50,706 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:51,070 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:51,430 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:51,789 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:52,160 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:52,533 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:52,891 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:53,250 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:53,609 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:53,967 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:54,326 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:54,683 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:55,040 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:55,412 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:55,778 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:56,144 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:56,511 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:56,878 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:57,244 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:57,604 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:57,978 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:59,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:53:59,562 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:00,316 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:00,675 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:01,113 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:01,556 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:01,923 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:02,286 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:02,645 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:03,530 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:03,894 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:04,264 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:04,627 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:04,991 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:05,347 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:05,704 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:06,059 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:06,418 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:06,775 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:07,130 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:07,487 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:07,844 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:08,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:08,610 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:08,973 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:09,331 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:09,695 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:10,060 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:11,001 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:11,360 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:11,719 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:12,079 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:12,435 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:12,793 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:13,148 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:13,516 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:13,877 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:14,235 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:14,592 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:14,950 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:15,309 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:15,666 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:16,027 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:16,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:16,743 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:17,099 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:17,455 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:17,813 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:18,176 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:18,535 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:18,898 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:19,260 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:19,619 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:19,978 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:20,338 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:20,710 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:21,068 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:21,426 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:21,782 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:22,138 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:22,494 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:22,852 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:23,206 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:23,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:23,920 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:24,286 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:24,645 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:25,008 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:25,375 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:25,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:26,119 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:26,489 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:26,850 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:27,218 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:27,581 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:27,955 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:28,401 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:28,767 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:29,337 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:29,695 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:30,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:30,508 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:31,024 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:31,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:32,624 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:32,984 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:34,111 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:34,469 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:34,825 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:35,180 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:35,536 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:35,891 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:36,248 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:36,603 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:36,959 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:37,319 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:37,673 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:38,029 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:38,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:38,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:39,095 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:39,455 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:39,810 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:40,165 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:40,519 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:40,874 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:41,231 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:41,585 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:41,940 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:42,298 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:42,656 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:43,016 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:43,373 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:43,728 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:44,089 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:44,445 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:44,798 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:45,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:45,507 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:45,862 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:46,216 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:46,575 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:46,933 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:47,289 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:47,646 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:48,018 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:48,381 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:48,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:49,093 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:49,450 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:49,802 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:50,170 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:50,527 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:50,881 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:51,236 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:51,593 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:51,949 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:52,308 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:52,665 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:53,025 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:53,383 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:53,746 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:54,104 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:54,462 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:54,816 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:55,169 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:55,524 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:55,877 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:56,232 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:56,591 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:56,950 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:57,441 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:57,807 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:58,301 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:58,662 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:59,379 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:54:59,753 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:00,132 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:00,917 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:01,281 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:02,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:02,836 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:03,201 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:03,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:03,936 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:04,305 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:04,672 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:05,047 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:05,431 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:05,788 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:06,149 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:06,512 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:06,876 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:07,234 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:07,592 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:07,952 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:08,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:08,666 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:09,029 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:09,389 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:09,780 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:10,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:10,505 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:10,867 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:11,226 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:11,579 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:11,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:12,296 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:12,649 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:13,006 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:13,362 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:13,718 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:14,076 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:14,438 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:14,801 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:15,166 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:15,530 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:15,891 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:16,254 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:16,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:18,340 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:18,702 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:19,056 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:19,415 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:19,770 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:20,128 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:20,642 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:21,009 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:21,671 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:22,030 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:22,409 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:22,766 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:23,128 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:23,496 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:23,859 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:24,224 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:24,591 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:24,952 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:25,314 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:25,680 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:26,047 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:26,415 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:26,774 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:27,150 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:27,537 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:28,270 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:28,656 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:29,207 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:29,571 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:30,008 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:30,377 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:31,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:31,610 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:31,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:32,327 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:32,682 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:33,045 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:33,406 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:33,762 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:34,122 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:34,481 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:34,840 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:35,202 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:35,562 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:35,926 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:36,285 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:36,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:36,999 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:37,358 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:37,715 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:38,075 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:38,432 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:38,791 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:39,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:39,502 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:39,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:40,216 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:40,573 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:40,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:41,299 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:41,665 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:42,027 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:42,384 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:42,741 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:43,098 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:43,453 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:43,810 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:44,177 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:44,535 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:44,896 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:45,254 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:45,611 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:45,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:46,331 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:46,689 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:47,046 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:47,405 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:47,767 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:48,135 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:48,497 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:48,860 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:49,222 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:49,583 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:49,945 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:50,304 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:50,662 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:51,022 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:51,380 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:51,734 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:52,092 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:52,458 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:52,817 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:53,176 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:53,532 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:53,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:54,242 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:54,598 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:54,955 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:55,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:55,666 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:56,024 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:56,383 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:56,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:57,395 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:57,756 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:58,341 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:58,701 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:59,151 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:59,515 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:55:59,957 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:00,323 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:01,057 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:01,420 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:01,781 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:02,139 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:02,498 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:02,856 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:03,213 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:03,569 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:03,936 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:04,307 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:04,678 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:05,042 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:05,399 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:05,758 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:06,118 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:06,504 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:06,869 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:07,238 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:07,595 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:07,953 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:08,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:08,670 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:09,031 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:09,389 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:09,746 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:10,106 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:10,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:10,820 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:11,178 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:11,540 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:11,909 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:12,267 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:12,620 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:12,975 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:13,335 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:13,690 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:14,046 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:14,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:14,768 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:15,130 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:15,491 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:15,848 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:16,202 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:16,555 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:16,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:17,265 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:17,620 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:17,975 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:18,340 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:18,695 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:19,051 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:19,408 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:19,762 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:20,118 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:20,474 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:20,830 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:21,186 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:21,543 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:21,897 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:22,254 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:22,609 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:22,963 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:23,320 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:23,673 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:24,028 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:24,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:24,741 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:25,099 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:25,455 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:25,818 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:26,184 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:26,545 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:26,921 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:27,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:27,756 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:28,201 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:28,580 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:28,951 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:29,315 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:29,732 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:30,091 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:30,492 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:30,852 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:31,209 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:31,567 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:31,925 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:32,283 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:32,639 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:32,997 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:33,355 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:33,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:34,079 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:34,441 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:34,802 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:35,169 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:35,526 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:35,885 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:36,241 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:36,596 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:36,960 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:37,336 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:37,693 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:38,051 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:38,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:38,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:39,121 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:39,479 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:39,833 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:40,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:40,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:40,927 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:41,289 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:41,645 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:42,002 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:42,359 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:42,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:43,068 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:43,425 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:43,780 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:44,140 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:44,497 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:44,851 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:45,205 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:45,562 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:45,920 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:46,276 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:46,646 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:47,002 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:47,359 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:47,737 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:48,096 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:48,473 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:48,829 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:49,183 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:49,541 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:49,903 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:50,265 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:50,624 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:50,985 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:51,343 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:51,700 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:52,079 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:52,440 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:52,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:53,160 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:53,517 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:53,871 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:54,227 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:54,584 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:54,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:55,293 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:55,646 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:56,030 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:56,391 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:56,751 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:57,116 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:57,487 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:58,049 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:58,416 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:59,368 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:56:59,733 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:00,244 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:00,608 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:01,130 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:01,510 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:01,992 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:02,360 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:02,727 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:03,089 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:03,452 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:03,818 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:04,190 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:04,559 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:04,928 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:05,287 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:05,646 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:06,006 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:06,365 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:06,720 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:07,078 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:07,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:07,794 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:08,155 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:08,515 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:08,890 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:09,268 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:09,641 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:10,005 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:10,367 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:10,729 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:11,094 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:11,458 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:11,816 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:12,179 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:12,594 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:13,050 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:13,418 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:13,781 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:14,170 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:14,549 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:14,931 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:15,300 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:15,675 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:16,070 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:16,449 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:16,868 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:17,293 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:17,718 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:18,107 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:18,492 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:19,301 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:19,669 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:20,659 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:21,397 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:21,774 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:22,157 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:22,521 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:22,884 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:23,363 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:23,729 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:24,092 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:24,476 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:24,853 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:25,242 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:25,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:26,047 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:26,482 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:26,857 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:27,318 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:27,780 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:28,213 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:28,590 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:29,017 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:29,446 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:29,874 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:30,309 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:30,741 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:31,166 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:31,598 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:31,969 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:32,330 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:32,685 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:33,042 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:33,399 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:33,756 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:34,119 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:34,481 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:34,839 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:35,197 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:35,555 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:35,912 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:36,269 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:36,627 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:36,984 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:37,342 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:37,699 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:38,055 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:38,413 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:38,769 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:39,129 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:39,492 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:39,847 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:40,206 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:40,565 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:40,918 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:41,275 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:41,635 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:41,995 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:42,353 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:42,709 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:43,068 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:43,427 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:43,789 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:44,153 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:44,527 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:44,890 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:45,254 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:45,621 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:45,979 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:46,335 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:46,693 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:47,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:47,408 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:47,767 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:48,127 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:48,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:48,854 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:49,215 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:49,579 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:50,138 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:50,500 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:51,230 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:51,589 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:51,948 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:52,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:52,670 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:53,030 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:53,392 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:53,839 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:54,202 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:54,563 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:54,929 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:55,286 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:55,641 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:56,009 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:56,366 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:56,728 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:57,084 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:57,448 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:57,820 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:58,193 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:58,551 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:58,907 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:59,269 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:59,629 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:57:59,989 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:00,349 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:00,892 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:01,253 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:01,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:01,977 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:02,332 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:02,690 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:03,049 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:03,404 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:03,768 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:04,135 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:04,493 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:04,855 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:05,209 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:05,565 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:05,917 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:06,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:06,626 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:06,980 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:07,335 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:07,690 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:08,044 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:08,399 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:08,756 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:09,119 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:09,478 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:09,837 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:10,197 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:10,559 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:10,922 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:11,284 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:11,649 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:12,007 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:12,364 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:12,720 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:13,076 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:13,447 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:13,807 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:14,165 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:14,533 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:14,892 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:15,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:15,609 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:15,964 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:16,324 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:16,690 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:17,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:17,410 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:17,766 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:18,126 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:18,490 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:18,846 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:19,204 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:19,560 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:19,914 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:20,273 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:20,630 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:20,988 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:21,347 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:21,703 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:22,059 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:22,417 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:22,776 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:23,135 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:23,491 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:23,848 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:24,202 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:24,560 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:24,918 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:25,276 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:25,634 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:25,996 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:26,361 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:26,721 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:27,094 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:27,479 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:27,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:28,244 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:28,611 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:28,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:29,352 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:29,719 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:30,080 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:30,534 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:31,240 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:31,600 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:32,344 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:32,712 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:33,476 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:33,833 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:35,831 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:36,191 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:36,817 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:37,176 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:37,540 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:37,894 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:38,245 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:38,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:38,946 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:39,297 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:39,646 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:39,996 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:40,346 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:40,694 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:41,044 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:41,396 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:41,748 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:42,099 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:42,453 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:42,803 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:43,153 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:43,506 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:43,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:44,209 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:44,563 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:44,911 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:45,260 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:45,609 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:45,961 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:46,311 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:46,661 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:47,013 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:47,362 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:47,714 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:48,064 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:48,423 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:48,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:49,143 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:49,500 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:49,849 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:50,198 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:50,547 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:50,895 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:51,246 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:51,595 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:51,948 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:52,299 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:52,647 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:52,996 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:53,349 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:53,698 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:54,046 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:54,402 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:54,760 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:55,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:55,466 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:55,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:56,180 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:56,543 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:57,330 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:57,681 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:58,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:58,391 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:58,741 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:59,090 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:59,440 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:58:59,810 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:00,162 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:00,514 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:00,865 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:01,215 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:01,569 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:01,921 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:02,275 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:02,626 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:02,982 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:03,332 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:03,680 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:04,333 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:04,693 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:05,252 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:05,605 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:05,957 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:06,609 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:06,960 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:07,419 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:07,772 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:08,120 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:08,472 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:08,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:09,175 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:09,527 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:09,876 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:10,225 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:10,573 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:10,920 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:11,271 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:11,618 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:11,967 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:12,319 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:12,666 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:13,014 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:13,375 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:13,733 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:14,090 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:14,452 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:14,802 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:15,150 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:15,499 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:15,849 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:16,198 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:16,546 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:16,891 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:17,238 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:17,584 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:17,934 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:18,287 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:18,644 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:18,993 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:19,352 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:19,706 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:20,058 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:20,413 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:20,764 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:21,112 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:21,466 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:21,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:22,165 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:22,514 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:22,878 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:23,226 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:23,576 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:23,927 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:24,282 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:24,632 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:24,979 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:25,329 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:25,677 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:26,025 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:26,376 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:26,726 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:27,415 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:27,776 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:28,158 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:28,533 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:28,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:29,281 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:29,653 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:30,018 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:30,368 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:30,717 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:31,072 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:31,422 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:31,780 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:32,133 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:32,482 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:32,833 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:33,184 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:33,533 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:33,884 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:34,236 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:34,592 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:34,944 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:35,483 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:35,837 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:36,409 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:36,766 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:37,301 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:37,658 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:38,037 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:38,396 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:38,746 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:39,099 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:39,450 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:39,801 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:40,150 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:40,504 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:40,854 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:41,205 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:41,557 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:41,906 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:42,255 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:42,609 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:42,962 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:43,314 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:43,663 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:44,016 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:44,375 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:44,733 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:45,085 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:45,444 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:45,794 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:46,149 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:46,504 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:46,860 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:47,214 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:47,587 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:47,940 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:51,144 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:51,594 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:51,976 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:52,329 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:52,679 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:53,031 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:53,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:53,758 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:54,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:54,462 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:54,813 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:55,162 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:55,511 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:55,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:56,208 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:56,562 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:56,912 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:57,260 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:57,618 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:57,973 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:58,352 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:58,706 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:59,064 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:59,414 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 08:59:59,764 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:00,116 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:00,471 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:00,836 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:01,199 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:01,566 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:01,925 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:02,282 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:02,637 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:02,991 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:03,347 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:03,699 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:04,068 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:04,432 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:04,810 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:05,171 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:05,531 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:05,892 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:06,485 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:06,838 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:07,303 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:07,659 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:08,269 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:08,633 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:09,104 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:09,467 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:09,821 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:10,177 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:10,530 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:10,882 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:11,236 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:11,588 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:11,939 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:12,295 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:12,646 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:12,994 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:13,344 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:13,695 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:14,045 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:14,404 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:14,759 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:15,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:15,461 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:15,850 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:16,200 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:16,550 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:16,898 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:17,246 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:17,605 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:17,960 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:18,323 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:18,681 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:19,033 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:19,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:19,736 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:20,085 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:20,438 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:20,787 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:21,143 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:21,499 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:21,848 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:22,198 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:22,549 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:22,899 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:23,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:00:23,272 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-09 09:00:28,958 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-09 09:00:29,058 - root - INFO - [chat.py:586] - Processing 2966 pages for document 450 -2025-06-09 09:00:33,042 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:00:51,100 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:01:01,771 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:01:17,366 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:01:29,268 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:01:39,391 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:01:53,369 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:02:03,453 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:02:09,917 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:02:11,562 - root - INFO - [chat.py:660] - Saving 71572 ICD codes -2025-06-09 09:02:11,562 - root - INFO - [chat.py:664] - Successfully indexed document 450 -2025-06-09 09:02:11,583 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-09 09:02:11,699 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 1284.241s - IP: 127.0.0.1 -2025-06-09 09:02:11,701 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:02:11] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 09:02:11,708 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:02:11,732 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 451 -2025-06-09 09:02:11,734 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:02:11,735 - root - INFO - [chat.py:1345] - Starting processing of document 451 -2025-06-09 09:02:11,744 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-09 09:03:13,862 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:14,207 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:14,560 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:14,906 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:15,253 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:15,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:15,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:16,286 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:16,637 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:16,982 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:17,329 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:17,673 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:18,018 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:18,366 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:18,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:19,073 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:19,424 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:19,772 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:20,119 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:20,464 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:20,806 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:21,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:21,497 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:21,843 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:22,188 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:22,533 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:22,879 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:23,224 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:23,572 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:23,919 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:24,264 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:24,610 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:24,952 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:25,298 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:25,644 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:25,990 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:26,339 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:26,684 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:27,030 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:27,384 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:27,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:28,083 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:28,438 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:28,784 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:29,434 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:29,792 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:30,161 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:30,515 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:30,861 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:31,219 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:31,581 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:31,948 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:32,342 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:32,730 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:33,108 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:33,479 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:33,840 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:34,274 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:34,625 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:34,978 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:35,338 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:35,690 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:36,043 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:36,391 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:36,737 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:37,084 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:37,432 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:37,779 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:38,127 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:38,875 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:39,231 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:39,870 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:40,222 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:42,162 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:42,516 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:44,117 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:44,471 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:45,066 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:45,437 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:45,784 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:46,132 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:46,482 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:46,832 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:47,181 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:47,528 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:47,876 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:48,226 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:48,582 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:48,937 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:49,288 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:49,636 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:49,988 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:50,351 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:50,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:51,056 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:51,406 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:51,754 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:52,102 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:52,453 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:52,800 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:53,148 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:53,504 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:53,851 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:54,202 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:54,552 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:54,901 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:55,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:55,616 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:55,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:56,322 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:56,674 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:57,027 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:57,376 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:57,730 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:58,083 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:58,442 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:58,793 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:59,143 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:59,493 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:03:59,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:00,189 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:00,536 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:00,892 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:01,246 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:01,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:01,951 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:02,300 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:02,652 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:03,004 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:03,356 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:03,707 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:04,076 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:04,443 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:04,814 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:05,167 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:05,516 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:05,863 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:06,215 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:06,564 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:06,914 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:07,265 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:07,613 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:08,303 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:08,654 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:09,396 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:09,748 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:10,250 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:10,600 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:11,046 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:11,399 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:12,081 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:12,432 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:12,783 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:13,132 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:13,483 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:13,835 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:14,187 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:14,559 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:14,908 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:15,257 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:15,606 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:15,956 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:16,315 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:16,675 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:17,031 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:17,390 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:17,744 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:18,092 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:18,447 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:18,800 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:19,160 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:19,518 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:19,870 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:20,220 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:20,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:20,920 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:21,271 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:21,619 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:21,969 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:22,320 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:22,668 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:23,020 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:23,371 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:23,719 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:24,067 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:24,421 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:24,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:25,124 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:25,473 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:25,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:26,174 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:26,524 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:26,873 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:27,227 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:27,581 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:27,940 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:28,292 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:28,649 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:28,997 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:29,350 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:29,703 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:30,053 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:30,405 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:30,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:31,107 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:31,459 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:31,823 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:32,184 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:32,550 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:32,903 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:33,262 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:33,615 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:33,988 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:34,373 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:34,756 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:35,137 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:35,524 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:35,892 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:36,259 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:36,617 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:36,976 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:37,331 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:37,692 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:38,391 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:38,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:39,201 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:39,567 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:39,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:40,353 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:40,764 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:41,123 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:41,505 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:41,868 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:42,224 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:42,578 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:42,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:43,315 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:43,666 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:44,018 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:44,371 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:44,733 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:45,086 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:45,444 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:45,798 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:46,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:46,505 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:46,859 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:47,207 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:47,557 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:47,914 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:48,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:48,632 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:48,989 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:49,351 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:49,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:50,060 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:50,422 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:50,775 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:51,128 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:51,480 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:51,834 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:52,189 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:52,550 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:52,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:53,265 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:53,626 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:53,982 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:55,932 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:56,291 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:56,649 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:58,416 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:58,786 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:59,147 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:59,502 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:04:59,856 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:00,208 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:00,557 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:00,909 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:01,271 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:01,632 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:01,993 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:02,345 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:02,696 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:03,049 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:03,410 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:03,776 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:04,153 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:04,519 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:04,900 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:05,254 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:05,606 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:05,959 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:06,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:06,668 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:07,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:07,388 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:07,741 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:08,092 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:08,448 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:08,801 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:09,273 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:09,634 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:09,999 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:10,362 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:10,979 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:11,348 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:12,014 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:12,380 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:13,037 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:13,408 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:14,137 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:14,504 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:14,871 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:15,228 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:15,583 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:15,945 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:16,306 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:16,662 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:17,019 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:17,375 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:17,729 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:18,086 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:18,443 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:18,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:19,170 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:19,532 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:19,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:20,248 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:20,599 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:20,951 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:21,307 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:21,665 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:22,026 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:22,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:22,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:23,090 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:23,446 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:23,805 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:24,163 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:24,525 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:24,881 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:25,241 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:25,598 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:25,958 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:26,328 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:26,690 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:27,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:27,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:27,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:28,161 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:28,529 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:28,898 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:29,264 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:29,624 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:29,985 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:30,350 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:30,711 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:31,072 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:31,440 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:31,806 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:32,166 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:32,525 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:32,888 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:33,250 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:36,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:36,751 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:37,139 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:37,512 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:37,872 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:38,245 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:38,610 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:39,544 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:39,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:40,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:40,633 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:40,992 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:41,687 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:42,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:42,912 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:43,274 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:43,887 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:44,259 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:44,624 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:44,987 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:45,354 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:45,715 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:46,078 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:46,437 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:46,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:47,160 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:47,519 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:47,876 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:48,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:48,601 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:48,964 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:49,332 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:49,691 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:50,069 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:50,428 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:50,784 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:51,144 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:51,511 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:51,870 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:52,232 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:52,596 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:52,958 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:53,320 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:53,680 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:54,041 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:54,405 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:54,763 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:55,129 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:55,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:55,850 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:56,209 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:56,608 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:56,966 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:57,339 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:57,698 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:58,074 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:58,452 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:58,829 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:59,200 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:59,556 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:05:59,918 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:00,295 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:00,699 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:01,070 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:01,434 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:01,793 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:02,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:02,535 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:02,898 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:03,259 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:03,618 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:03,994 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:04,379 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:04,761 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:05,137 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:05,508 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:05,863 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:06,223 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:06,584 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:06,945 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:07,306 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:07,663 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:08,026 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:08,386 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:08,743 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:09,349 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:09,707 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:10,395 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:10,763 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:11,436 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:11,800 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:12,959 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:13,324 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:14,271 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:14,645 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:15,005 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:15,360 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:15,715 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:16,075 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:16,434 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:16,795 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:17,151 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:17,511 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:17,868 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:18,226 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:18,586 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:18,944 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:19,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:19,671 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:20,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:20,389 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:20,750 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:21,108 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:21,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:21,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:22,169 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:22,524 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:22,880 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:23,232 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:23,586 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:23,939 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:24,294 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:24,651 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:25,006 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:25,360 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:25,712 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:26,074 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:26,430 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:26,785 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:27,141 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:27,496 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:27,852 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:28,210 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:28,567 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:28,931 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:29,287 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:29,646 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:30,000 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:30,353 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:30,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:31,063 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:31,417 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:31,776 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:32,138 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:32,494 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:32,850 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:33,211 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:33,568 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:33,924 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:34,283 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:34,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:34,997 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:35,359 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:35,714 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:36,081 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:36,442 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:36,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:37,161 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:37,526 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:37,900 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:38,445 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:38,830 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:39,281 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:39,664 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:40,131 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:40,492 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:41,115 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:41,476 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:42,070 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:42,443 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:42,830 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:43,192 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:43,547 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:43,906 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:44,263 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:44,625 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:44,985 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:45,342 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:45,698 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:46,057 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:46,414 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:46,774 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:47,138 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:47,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:47,880 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:48,245 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:48,601 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:48,955 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:49,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:49,671 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:50,026 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:50,383 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:50,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:51,094 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:51,449 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:51,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:52,155 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:52,511 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:52,865 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:53,219 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:53,574 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:53,928 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:54,285 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:54,641 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:54,995 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:55,349 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:55,703 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:56,057 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:56,414 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:56,771 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:57,126 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:57,481 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:57,838 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:58,200 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:58,563 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:58,931 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:59,286 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:59,642 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:06:59,997 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:00,354 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:00,707 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:01,066 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:01,421 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:01,781 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:02,145 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:02,510 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:02,872 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:03,234 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:03,593 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:03,962 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:04,333 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:04,702 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:05,068 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:05,428 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:05,784 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:06,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:06,511 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:06,871 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:07,230 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:07,590 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:07,952 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:08,316 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:08,791 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:09,157 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:09,899 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:10,258 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:10,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:11,786 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:12,147 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:13,064 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:13,428 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:14,195 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:14,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:15,167 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:15,540 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:15,907 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:16,271 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:16,631 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:16,996 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:17,364 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:17,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:18,105 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:18,478 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:18,849 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:19,215 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:19,590 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:19,947 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:20,316 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:20,688 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:21,054 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:21,423 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:21,794 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:22,161 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:22,524 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:22,887 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:23,253 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:23,616 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:23,984 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:24,352 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:24,714 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:25,076 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:25,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:25,796 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:26,159 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:26,523 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:26,882 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:27,247 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:27,612 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:27,984 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:28,357 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:28,730 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:29,097 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:29,460 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:29,829 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:30,192 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:30,554 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:30,915 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:31,276 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:31,634 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:31,995 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:32,359 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:32,730 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:33,096 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:33,458 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:33,819 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:34,183 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:34,586 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:34,947 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:35,309 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:35,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:36,031 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:36,390 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:36,743 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:37,103 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:37,449 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:37,803 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:38,160 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:39,688 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:40,080 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:42,227 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:42,584 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:43,212 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:43,565 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:44,087 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:44,435 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:45,010 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:45,359 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:45,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:46,068 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:46,420 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:46,767 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:47,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:47,453 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:47,807 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:48,154 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:48,504 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:48,853 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:49,201 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:49,581 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:49,927 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:50,593 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:50,952 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:51,309 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:51,669 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:52,022 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:52,374 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:52,729 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:53,086 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:53,445 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:53,791 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:54,139 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:54,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:54,846 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:55,204 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:55,548 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:55,893 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:56,242 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:56,588 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:56,948 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:57,295 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:57,637 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:57,983 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:58,330 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:58,688 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:59,045 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:59,392 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:07:59,733 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:00,078 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:00,436 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:00,779 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:01,127 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:01,471 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:01,814 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:02,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:02,520 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:02,864 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:03,211 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:03,558 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:03,925 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:04,280 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:04,634 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:04,986 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:05,332 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:05,687 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:06,027 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:06,371 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:06,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:07,056 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:07,413 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:07,762 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:08,376 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:08,721 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:09,175 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:09,531 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:09,985 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:10,336 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:10,898 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:11,248 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:11,771 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:12,118 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:12,464 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:12,823 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:13,169 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:13,517 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:13,870 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:14,214 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:14,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:14,923 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:15,267 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:15,610 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:15,963 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:16,311 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:16,654 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:17,010 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:17,362 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:17,702 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:18,060 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:18,407 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:18,748 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:19,107 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:19,458 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:19,811 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:20,171 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:20,519 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:20,862 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:21,219 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:21,560 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:21,902 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:22,256 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:22,598 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:22,939 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:23,292 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:23,632 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:23,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:24,336 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:24,678 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:25,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:25,382 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:25,722 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:26,069 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:26,425 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:26,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:27,112 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:27,472 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:27,813 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:28,159 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:28,519 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:28,882 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:29,227 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:29,589 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:29,951 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:30,301 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:30,665 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:31,023 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:31,541 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:31,915 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:33,315 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:33,657 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:35,133 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:35,477 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:35,819 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:36,416 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:36,761 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:37,111 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:37,993 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:38,346 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:38,695 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:39,063 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:39,421 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:39,779 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:40,160 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:40,527 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:40,884 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:41,250 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:41,595 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:41,946 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:42,302 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:42,647 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:42,993 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:43,349 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:43,694 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:44,038 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:44,393 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:44,740 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:45,088 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:45,470 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:45,814 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:46,160 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:46,519 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:46,868 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:47,224 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:47,582 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:47,929 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:48,280 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:48,635 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:48,976 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:49,318 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:49,719 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:50,083 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:50,449 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:51,007 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:51,571 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:52,356 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:52,711 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:53,223 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:53,578 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:53,930 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:54,290 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:55,264 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:55,626 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:55,971 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:56,328 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:56,704 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:57,062 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:57,407 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:57,760 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:58,107 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:59,094 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:59,442 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:08:59,807 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:00,154 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:00,515 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:00,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:01,220 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:01,568 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:02,384 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:02,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:03,241 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:03,621 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:04,067 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:04,425 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:05,019 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:05,375 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:05,739 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:06,092 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:06,457 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:06,801 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:07,163 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:07,510 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:07,864 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:08,208 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:08,568 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:08,915 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:09,274 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:09,617 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:09,976 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:10,319 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:10,673 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:11,015 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:11,372 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:11,715 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:12,188 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:12,534 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:12,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:13,234 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:13,589 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:13,935 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:14,291 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:14,653 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:15,016 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:15,360 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:15,715 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:16,064 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:16,433 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:16,782 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:17,141 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:17,487 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:17,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:18,187 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:18,543 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:18,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:19,246 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:19,593 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:19,958 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:20,304 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:20,661 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:21,005 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:21,364 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:21,709 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:22,067 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:22,413 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:22,774 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:23,119 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:23,477 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:23,819 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:24,177 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:24,521 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:24,877 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:25,223 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:25,580 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:25,926 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:26,284 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:26,628 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:26,989 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:27,340 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:27,701 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:28,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:28,409 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:28,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:29,131 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:29,478 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:29,833 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:30,182 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:30,540 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:30,885 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:31,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:31,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:32,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:32,658 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:33,226 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:33,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:33,930 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:34,541 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:34,896 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:35,243 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:35,603 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:35,948 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:36,311 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:36,654 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:37,013 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:37,359 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:37,715 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:38,755 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:39,127 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:39,499 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:39,885 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:40,270 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:40,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:41,027 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:41,396 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:41,743 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:42,105 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:42,454 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:42,819 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:43,169 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:43,528 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:43,872 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:44,231 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:44,576 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:44,947 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:45,301 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:45,666 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:46,028 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:46,392 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:46,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:47,101 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:47,448 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:47,805 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:48,150 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:48,508 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:48,852 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:49,213 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:49,559 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:49,921 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:50,269 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:50,665 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:51,020 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:51,387 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:51,735 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:52,098 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:52,444 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:52,801 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:53,148 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:53,508 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:53,851 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:54,212 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:54,556 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:54,912 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:55,256 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:55,617 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:55,972 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:56,343 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:56,700 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:57,063 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:57,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:57,768 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:58,114 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:58,478 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:58,830 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:59,198 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:59,543 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:09:59,901 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:00,248 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:00,606 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:00,951 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:01,319 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:01,678 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:02,972 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:03,334 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:03,704 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:04,398 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:04,782 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:05,300 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:05,676 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:06,113 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:06,484 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:07,092 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:07,467 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:07,818 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:08,185 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:08,541 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:08,907 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:09,262 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:09,629 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:09,978 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:10,336 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:10,680 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:11,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:11,399 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:11,762 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:12,111 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:12,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:12,811 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:13,168 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:13,516 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:13,872 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:14,221 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:14,587 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:14,945 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:15,314 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:15,664 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:16,025 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:16,375 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:16,734 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:17,078 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:17,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:17,787 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:18,145 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:18,496 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:18,854 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:19,201 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:19,562 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:19,917 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:20,280 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:20,627 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:20,985 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:21,338 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:21,703 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:22,064 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:22,424 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:22,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:23,133 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:23,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:23,856 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:24,221 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:24,586 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:24,944 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:25,304 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:25,670 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:26,034 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:26,401 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:26,764 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:27,128 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:27,520 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:27,893 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:28,261 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:28,625 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:28,993 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:29,354 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:29,715 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:30,077 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:30,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:30,800 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:31,161 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:31,526 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:31,890 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:32,256 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:32,725 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:33,091 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:33,491 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:33,861 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:34,246 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:34,630 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:35,030 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:35,395 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:35,756 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:36,117 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:36,479 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:36,843 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:37,211 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:37,578 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:37,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:38,301 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:38,661 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:39,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:39,420 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:39,785 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:40,150 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:40,522 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:40,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:41,270 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:41,646 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:42,020 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:42,407 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:42,778 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:43,147 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:43,544 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:43,905 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:44,267 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:44,636 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:45,015 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:45,386 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:45,746 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:46,107 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:46,466 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:46,827 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:47,185 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:47,546 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:47,914 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:48,279 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:48,650 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:49,013 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:49,377 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:49,746 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:50,330 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:50,693 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:51,050 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:51,410 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:51,768 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:52,131 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:52,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:52,854 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:53,212 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:53,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:53,926 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:54,284 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:54,647 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:55,012 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:55,373 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:55,730 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:56,091 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:56,452 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:56,818 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:57,176 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:57,542 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:57,908 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:58,298 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:58,666 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:59,039 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:59,403 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:10:59,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:00,124 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:00,486 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:00,847 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:01,209 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:01,571 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:01,936 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:02,923 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:03,298 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:03,818 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:04,200 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:04,660 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:05,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:05,600 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:05,964 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:06,329 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:06,695 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:07,056 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:07,420 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:07,780 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:08,140 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:09,410 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:09,770 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:10,135 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:10,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:10,853 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:11,214 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:11,585 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:11,959 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:12,334 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:12,711 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:13,078 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:13,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:13,799 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:14,161 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:14,528 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:14,892 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:15,250 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:15,609 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:15,965 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:16,327 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:16,688 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:17,036 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:17,388 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:17,732 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:18,077 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:18,422 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:18,767 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:19,115 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:19,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:19,812 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:20,172 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:20,521 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:20,868 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:21,215 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:21,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:21,905 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:22,251 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:22,599 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:22,952 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:23,302 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:23,653 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:24,002 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:24,351 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:24,698 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:25,043 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:25,388 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:25,733 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:26,076 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:26,421 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:26,767 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:27,113 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:27,464 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:27,816 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:28,163 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:28,515 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:28,865 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:29,227 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:29,574 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:29,940 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:30,287 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:30,632 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:30,977 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:31,324 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:34,085 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:34,436 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:35,208 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:35,557 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:36,148 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:36,497 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:37,373 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:37,723 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:38,193 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:38,539 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:38,881 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:39,229 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:39,575 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:39,919 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:40,266 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:40,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:40,966 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:41,324 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:41,678 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:42,044 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:42,413 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:42,784 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:43,160 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:43,536 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:43,905 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:44,262 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:44,612 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:44,965 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:45,314 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:45,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:46,018 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:46,372 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:46,724 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:47,068 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:47,415 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:47,764 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:48,111 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:48,462 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:48,811 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:49,163 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:49,520 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:49,869 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:50,224 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:50,571 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:50,914 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:51,260 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:51,605 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:51,949 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:52,298 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:52,646 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:52,991 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:53,337 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:53,683 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:54,027 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:54,376 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:54,724 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:55,071 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:55,418 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:55,764 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:56,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:56,458 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:56,811 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:57,155 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:57,506 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:57,852 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:58,198 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:58,549 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:58,911 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:59,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:59,631 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:11:59,987 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:00,339 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:00,686 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:01,034 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:01,382 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:01,892 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:02,924 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:03,285 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:03,714 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:04,090 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:04,610 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:04,979 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:05,741 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:06,108 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:06,480 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:06,843 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:07,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:07,556 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:07,922 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:08,309 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:08,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:09,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:09,372 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:09,724 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:10,080 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:10,455 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:10,829 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:11,191 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:11,542 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:11,890 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:12,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:12,616 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:12,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:13,321 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:13,668 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:14,014 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:14,366 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:14,714 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:15,070 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:15,426 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:15,781 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:16,134 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:16,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:16,848 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:17,198 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:17,554 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:17,906 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:18,259 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:18,615 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:18,966 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:19,319 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:19,678 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:20,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:20,406 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:20,770 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:21,167 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:21,526 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:21,877 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:22,226 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:22,583 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:22,951 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:23,306 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:24,143 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:24,502 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:24,884 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:25,265 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:25,636 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:25,996 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:26,359 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:26,705 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:27,082 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:27,434 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:27,785 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:28,134 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:28,492 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:28,842 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:29,199 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:29,549 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:29,895 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:30,240 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:30,587 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:31,130 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:31,890 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:32,246 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:32,605 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:32,953 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:33,298 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:33,649 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:34,430 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:34,782 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:35,409 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:35,754 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:36,274 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:36,626 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:37,086 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:37,439 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:37,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:38,319 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:38,664 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:39,688 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:40,035 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:40,380 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:40,724 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:41,070 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:41,418 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:41,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:42,374 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:42,723 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:43,084 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:43,440 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:43,797 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:44,157 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:44,521 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:44,884 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:45,256 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:45,634 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:46,001 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:46,350 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:46,702 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:47,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:47,403 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:47,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:48,103 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:48,451 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:48,798 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:49,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:49,494 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:49,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:50,196 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:50,545 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:50,894 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:51,244 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:51,594 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:51,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:52,290 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:52,639 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:52,986 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:53,345 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:53,691 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:54,037 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:54,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:54,743 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:55,542 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:55,891 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:56,479 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:56,832 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:57,308 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:57,659 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:59,170 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:59,520 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:12:59,869 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:00,216 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:00,563 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:00,908 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:01,254 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:01,601 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:02,066 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:02,415 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:02,781 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:03,131 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:03,478 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:03,832 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:04,202 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:04,560 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:04,926 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:05,274 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:05,625 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:05,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:06,320 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:06,669 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:07,015 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:07,363 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:07,717 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:08,069 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:08,419 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:08,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:09,116 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:09,478 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:09,842 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:10,204 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:10,553 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:10,904 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:11,266 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:11,622 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:11,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:12,335 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:12,684 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:13,031 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:13,378 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:13,729 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:14,079 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:14,432 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:14,779 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:15,129 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:15,485 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:15,838 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:16,183 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:16,530 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:16,876 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:17,221 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:17,574 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:17,927 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:18,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:18,622 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:18,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:19,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:19,662 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:20,008 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:20,359 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:20,704 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:21,049 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:21,394 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:21,740 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:22,086 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:22,442 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:22,792 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:23,143 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:23,498 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:23,845 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:24,192 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:24,538 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:24,885 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:25,231 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:25,580 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:25,929 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:26,277 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:26,624 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:26,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:27,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:27,661 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:28,008 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:28,356 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:28,707 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:29,058 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:29,414 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:29,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:30,111 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:30,459 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:30,804 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:31,155 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:31,806 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:32,171 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:32,900 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:33,247 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:34,035 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:34,385 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:35,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:35,379 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:35,978 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:36,324 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:36,672 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:37,017 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:37,361 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:37,709 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:38,058 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:38,402 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:38,748 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:39,096 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:39,442 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:39,788 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:40,135 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:40,481 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:40,827 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:41,175 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:41,521 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:41,864 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:42,207 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:42,552 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:42,897 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:43,241 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:43,587 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:43,933 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:44,288 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:44,639 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:45,009 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:45,404 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:46,166 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:46,530 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:46,895 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:47,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:47,835 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:48,185 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:48,540 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:48,890 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:49,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:49,584 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:49,930 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:50,288 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:50,643 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:50,998 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:51,347 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:51,693 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:52,043 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:52,389 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:52,733 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:53,078 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:53,424 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:53,770 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:54,117 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:54,464 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:54,808 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:55,227 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:55,685 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:56,270 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:56,622 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:57,398 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:57,745 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:58,091 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:58,438 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:58,788 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:59,139 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:59,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:13:59,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:00,188 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:00,537 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:00,882 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:01,227 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:01,575 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:01,921 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:02,269 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:02,617 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:02,963 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:03,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:03,657 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:04,015 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:04,367 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:04,726 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:05,075 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:05,422 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:05,766 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:06,113 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:06,462 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:06,807 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:07,155 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:07,504 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:07,849 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:08,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:08,543 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:08,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:09,232 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:09,578 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:09,926 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:10,271 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:10,619 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:10,963 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:11,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:11,655 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:12,002 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:12,344 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:12,688 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:13,032 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:13,378 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:13,725 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:14,088 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:14,446 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:14,791 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:15,143 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:15,493 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:15,839 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:16,241 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:16,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:17,114 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:17,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:17,926 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:18,282 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:18,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:19,096 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:19,871 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:20,232 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:20,582 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:20,926 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:21,275 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:21,624 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:21,968 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:22,314 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:22,660 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:23,011 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:23,360 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:23,708 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:24,059 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:24,412 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:24,759 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:25,106 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:25,454 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:25,802 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:26,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:26,500 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:26,844 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:27,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:27,543 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:27,885 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:28,229 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:28,579 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:28,924 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:29,279 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:29,636 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:29,980 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:30,328 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:30,675 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:31,017 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:31,363 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:31,710 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:32,063 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:32,410 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:32,760 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:33,115 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:33,462 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:33,809 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:34,155 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:34,507 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:34,855 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:35,202 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:35,548 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:35,893 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:36,239 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:36,586 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:36,927 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:37,276 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:37,623 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:37,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:38,326 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:38,676 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:39,023 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:39,370 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:39,721 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:40,091 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:40,433 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:40,779 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:41,129 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:41,475 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:41,819 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:42,163 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:42,510 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:42,856 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:43,202 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:43,549 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:43,892 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:44,236 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:44,581 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:44,928 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:45,293 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:45,651 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:46,022 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:46,402 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:46,778 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:47,211 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:47,574 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:48,197 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:48,550 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:49,206 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:49,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:50,070 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:50,425 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:50,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:51,256 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:51,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:52,121 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:52,466 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:52,814 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:53,162 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:53,509 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:53,855 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:54,201 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:54,549 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:54,897 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:55,243 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:55,589 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:55,933 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:56,280 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:56,632 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:56,978 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:57,326 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:57,674 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:58,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:58,678 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:59,031 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:59,546 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:14:59,896 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:00,246 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:00,596 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:00,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:01,293 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:01,645 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:02,007 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:02,363 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:02,711 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:03,058 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:03,405 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:03,756 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:04,127 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:04,482 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:04,846 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:05,196 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:05,554 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:05,903 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:06,251 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:06,604 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:06,958 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:07,311 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:07,664 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:08,013 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:08,358 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:08,706 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:09,051 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:09,396 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:09,743 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:10,093 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:10,438 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:10,787 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:11,136 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:11,482 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:11,837 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:12,181 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:12,528 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:12,876 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:13,221 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:13,565 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:13,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:14,257 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:14,608 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:14,957 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:15,309 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:15,657 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:16,004 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:16,350 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:16,701 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:17,048 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:17,394 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:17,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:18,089 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:18,434 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:18,791 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:19,146 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:19,506 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:19,854 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:20,200 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:20,553 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:20,903 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:21,247 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:21,596 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:21,944 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:22,295 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:22,644 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:22,992 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:23,341 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:23,689 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:24,036 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:24,383 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:24,739 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:25,095 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:25,441 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:25,792 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:26,143 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:26,494 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:26,845 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:27,200 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:27,552 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:27,905 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:28,255 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:28,605 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:28,955 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:29,312 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:29,666 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:30,012 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:30,363 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:30,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:31,062 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:31,415 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:31,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:32,112 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:32,461 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:32,816 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:33,164 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:33,512 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:34,642 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:35,002 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:35,607 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:35,960 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:36,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:36,765 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:37,475 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:37,829 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:38,498 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:38,852 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:39,875 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:40,233 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:40,957 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:41,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:41,660 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:42,014 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:42,369 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:42,750 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:43,107 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:43,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:43,816 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:44,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:44,547 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:44,902 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:45,286 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:45,655 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:46,028 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:46,400 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:46,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:47,131 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:47,492 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:47,845 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:48,215 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:48,594 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:48,962 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:49,341 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:49,717 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:50,080 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:50,454 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:50,821 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:51,173 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:51,544 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:51,919 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:52,277 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:52,632 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:53,154 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:53,507 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:53,856 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:54,205 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:54,552 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:54,903 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:55,253 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:55,603 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:55,952 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:56,303 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:56,676 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:57,037 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:57,391 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:57,743 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:58,094 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:58,446 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:58,837 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:59,218 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:59,582 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:15:59,930 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:00,281 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:01,075 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:01,428 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:01,783 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:02,576 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:02,937 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:03,524 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:03,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:04,609 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:04,977 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:06,051 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:06,407 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:06,758 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:07,111 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:07,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:07,821 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:08,172 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:08,590 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:08,943 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:09,298 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:09,650 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:10,885 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:11,238 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:11,589 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:11,941 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:12,294 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:12,644 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:12,993 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:13,343 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:13,698 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:14,047 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:14,401 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:14,752 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:15,106 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:15,457 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:15,806 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:16,155 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:16,507 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:16,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:17,210 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:17,561 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:17,918 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:18,268 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:18,619 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:18,969 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:19,322 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:19,673 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:20,020 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:20,386 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:20,760 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:21,119 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:21,490 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:21,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:22,193 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:22,542 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:22,893 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:23,244 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:23,593 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:23,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:24,294 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:24,642 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:24,988 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:25,338 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:25,686 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:26,035 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:26,390 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:27,854 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:28,209 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:28,558 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:28,912 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:29,270 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:29,631 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:29,980 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:30,331 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:31,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:31,461 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:32,051 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:32,408 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:33,870 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:34,258 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:34,973 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:35,330 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:36,481 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:36,832 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:37,183 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:37,540 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:37,895 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:38,248 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:38,603 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:38,957 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:39,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:39,670 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:40,023 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:40,377 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:40,727 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:41,093 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:41,447 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:41,800 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:42,149 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:42,500 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:42,857 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:43,209 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:43,558 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:43,909 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:44,271 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:44,630 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:44,982 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:45,344 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:45,704 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:46,053 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:46,404 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:46,760 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:47,111 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:47,460 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:47,812 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:48,180 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:48,533 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:48,884 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:49,247 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:49,609 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:49,964 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:50,340 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:50,732 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:51,114 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:51,495 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:51,865 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:52,234 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:52,589 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:52,945 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:53,303 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:53,661 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:54,011 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:54,362 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:54,717 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:55,068 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:55,417 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:55,771 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:56,122 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:56,471 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:56,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:57,177 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:57,530 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:57,881 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:58,231 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:58,581 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:58,935 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:59,291 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:16:59,653 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:00,007 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:00,866 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:01,218 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:01,635 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:01,985 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:02,455 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:02,808 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:03,273 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:03,626 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:04,367 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:04,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:05,102 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:05,459 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:05,812 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:06,159 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:06,512 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:06,864 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:07,214 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:07,563 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:07,913 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:08,262 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:08,611 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:08,961 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:09,314 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:09,663 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:10,372 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:10,724 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:11,073 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:11,425 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:11,782 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:12,130 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:12,481 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:12,834 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:13,186 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:13,538 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:13,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:14,237 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:14,588 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:14,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:15,292 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:15,641 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:15,992 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:16,343 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:16,691 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:17,044 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:17,396 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:17,746 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:18,093 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:18,442 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:18,791 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:19,138 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:19,486 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:19,837 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:20,186 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:20,539 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:20,895 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:21,248 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:21,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:21,946 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:22,309 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:22,668 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:23,027 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:23,381 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:23,734 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:24,083 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:24,435 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:24,790 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:25,140 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:25,489 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:25,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:26,194 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:26,544 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:26,894 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:27,248 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:27,618 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:27,972 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:28,333 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:28,686 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:29,043 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:29,400 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:29,763 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:30,111 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:30,463 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:30,816 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:31,272 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:31,623 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:32,169 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:32,521 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:33,089 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:33,441 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:34,062 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:34,416 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:34,807 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:35,156 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:35,507 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:35,856 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:36,203 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:36,554 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:36,903 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:37,287 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:37,639 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:37,991 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:38,344 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:38,696 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:39,053 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:39,406 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:39,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:40,109 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:40,478 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:40,830 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:41,181 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:41,534 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:41,887 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:42,242 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:42,606 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:42,961 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:43,312 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:43,663 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:44,013 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:44,364 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:44,714 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:45,065 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:45,421 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:45,774 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:46,125 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:46,474 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:46,832 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:47,182 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:47,535 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:47,888 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:48,242 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:48,590 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:48,940 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:49,290 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:49,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:49,994 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:50,354 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:50,715 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:51,086 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:51,471 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:51,842 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:52,226 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:52,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:52,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:53,328 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:53,681 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:54,043 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:54,397 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:54,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:55,107 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:55,456 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:55,803 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:56,151 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:56,501 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:56,854 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:57,212 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:57,572 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:57,928 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:58,287 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:58,639 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:58,997 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:59,352 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:17:59,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:00,070 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:00,427 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:00,922 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:01,276 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:01,773 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:02,124 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:03,808 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:04,181 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:04,606 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:04,971 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:05,436 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:05,789 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:06,138 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:06,487 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:06,999 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:07,350 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:07,699 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:08,054 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:08,409 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:08,757 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:09,112 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:09,464 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:09,820 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:10,176 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:10,527 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:10,878 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:11,226 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:11,576 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:11,927 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:12,276 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:12,632 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:12,989 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:13,340 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:13,688 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:14,040 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:14,392 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:14,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:15,095 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:15,456 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:15,808 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:16,156 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:16,508 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:16,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:17,207 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:17,557 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:17,911 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:18,265 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:18,616 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:18,968 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:19,318 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:19,667 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:20,017 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:20,370 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:20,732 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:21,082 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:21,434 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:21,784 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:22,135 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:22,485 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:22,835 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:23,190 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:23,542 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:23,895 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:24,245 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:24,600 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:24,951 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:25,302 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:25,655 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:26,007 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:26,357 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:26,707 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:27,066 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:27,425 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:27,795 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:28,151 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:28,512 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:28,869 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:29,229 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:29,592 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:30,304 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:30,663 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:31,021 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:31,389 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:31,865 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:32,235 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:32,706 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:33,070 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:33,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:34,239 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:34,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:35,327 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:35,684 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:36,038 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:36,395 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:36,747 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:37,102 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:37,458 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:37,818 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:38,170 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:38,522 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:38,873 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:39,223 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:39,574 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:39,924 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:40,755 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:41,110 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:41,460 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:41,810 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:42,158 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:42,508 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:42,855 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:43,204 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:43,551 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:43,901 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:44,248 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:44,596 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:44,947 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:45,302 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:45,656 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:46,039 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:46,391 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:46,932 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:47,284 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:47,633 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:47,985 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:48,337 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:48,687 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:49,038 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:49,389 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:49,740 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:50,097 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:50,460 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:50,825 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:51,186 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:51,563 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:51,944 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:52,317 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:52,692 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:53,051 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:53,402 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:53,753 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:54,102 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:54,458 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:54,812 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:55,162 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:55,514 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:55,865 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:56,220 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:56,571 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:56,923 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:57,276 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:57,627 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:57,977 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:58,331 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:58,688 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:59,052 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:59,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:18:59,775 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:00,127 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:00,478 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:00,832 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:01,188 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:01,547 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:01,898 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:02,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:02,602 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:02,955 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:03,308 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:03,659 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:04,029 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:04,388 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:04,762 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:05,115 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:05,466 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:05,818 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:06,168 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:06,521 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:06,871 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:07,224 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:07,578 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:07,933 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:08,286 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:08,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:08,995 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:09,349 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:09,702 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:10,060 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:10,415 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:10,770 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:11,133 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:11,494 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:11,851 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:12,215 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:12,704 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:13,057 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:14,151 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:14,511 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:15,097 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:15,458 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:15,990 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:16,346 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:17,549 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:17,902 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:18,255 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:18,606 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:18,958 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:19,312 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:19,664 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:20,015 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:20,365 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:20,717 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:21,076 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:21,429 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:21,781 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:22,130 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:22,482 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:22,832 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:23,184 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:23,537 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:23,889 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:24,241 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:24,595 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:24,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:26,145 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:27,677 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:28,034 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:28,386 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:28,739 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:29,099 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:29,456 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:29,823 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:30,184 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:30,540 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:30,896 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:31,250 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:31,603 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:31,958 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:32,315 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:32,670 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:33,025 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:33,378 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:33,731 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:34,087 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:34,441 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:34,808 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:35,172 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:35,534 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:35,890 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:36,247 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:36,603 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:36,965 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:37,316 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:37,671 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:38,027 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:38,381 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:38,736 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:39,092 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:39,443 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:39,804 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:40,174 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:40,536 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:40,902 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:41,262 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:41,625 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:41,985 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:42,346 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:43,000 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:43,374 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:43,785 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:44,141 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:44,578 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:44,933 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:45,509 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:45,867 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:46,442 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:46,803 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:47,156 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:47,512 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:47,869 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:48,226 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:48,586 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:48,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:49,299 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:49,653 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:50,012 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:50,375 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:50,734 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:51,114 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:51,494 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:51,877 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:52,257 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:52,634 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:53,004 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:53,361 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:53,713 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:54,067 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:54,420 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:54,778 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:55,132 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:56,059 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:56,412 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:56,776 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:57,130 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:57,486 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:57,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:58,198 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:58,554 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:58,908 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:59,268 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:59,630 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:19:59,993 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:00,350 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:00,707 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:01,067 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:01,430 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:01,794 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:02,156 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:02,514 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:02,867 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:03,224 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:03,579 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:03,947 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:04,317 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:04,691 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:05,053 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:05,408 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:05,763 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:06,122 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:06,479 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:06,841 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:07,205 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:07,565 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:07,925 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:08,284 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:08,647 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:09,009 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:09,365 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:09,718 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:10,078 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:10,430 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:10,785 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:11,157 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:11,522 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:11,881 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:12,248 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:12,746 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:13,105 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:13,706 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:14,062 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:14,570 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:14,932 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:15,528 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:15,893 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:16,530 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:16,886 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:17,244 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:17,603 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:17,959 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:18,317 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:18,671 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:19,025 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:19,382 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:20,219 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:20,577 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:20,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:21,297 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:21,654 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:22,007 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:22,371 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:22,725 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:23,081 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:23,436 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:23,792 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:24,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:24,510 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:24,870 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:25,226 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:25,586 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:25,960 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:26,322 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:26,685 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:27,051 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:27,411 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:27,771 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:28,133 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:28,490 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:28,848 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:29,209 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:29,563 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:29,927 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:30,283 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:30,640 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:30,997 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:31,352 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:31,706 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:32,065 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:32,423 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:32,778 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:33,134 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:33,503 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:33,882 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:34,238 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:34,592 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:34,946 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:35,301 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:35,661 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:36,017 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:36,375 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:36,729 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:37,082 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:37,437 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:37,795 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:38,152 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:38,505 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:38,866 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:39,226 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:39,580 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:39,938 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:40,294 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:40,649 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:41,009 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:41,366 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:41,720 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:42,081 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:42,459 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:42,829 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:43,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:43,954 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:44,480 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:44,840 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:45,274 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:45,638 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:46,094 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:46,454 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:46,817 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:47,179 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:47,534 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:47,888 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:48,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:48,616 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:48,970 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:49,323 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:49,676 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:50,034 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:50,395 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:50,752 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:51,137 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:51,524 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:51,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:52,302 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:52,678 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:53,047 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:53,405 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:53,761 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:54,113 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:54,470 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:54,829 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:55,253 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:55,609 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:55,961 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:56,316 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:56,671 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:57,027 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:57,383 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:57,744 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:58,103 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:58,460 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:58,815 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:59,169 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:59,525 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:20:59,899 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:00,255 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:00,610 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:00,963 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:01,319 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:01,676 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:02,034 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:02,388 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:02,748 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:03,109 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:03,464 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:03,824 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:04,203 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:04,568 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:04,942 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:05,297 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:05,653 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:06,008 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:06,361 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:06,717 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:07,070 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:07,423 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:07,777 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:08,137 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:08,492 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:08,844 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:09,198 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:09,551 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:09,907 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:10,263 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:10,618 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:10,973 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:11,327 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:11,683 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:12,042 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:12,400 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:12,756 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:13,447 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:13,838 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:14,381 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:14,739 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:15,228 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:15,597 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:16,010 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:16,369 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:16,727 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:17,086 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:17,443 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:17,801 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:18,159 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:18,518 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:18,878 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:19,257 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:19,619 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:19,976 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:20,332 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:20,691 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:21,057 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:21,415 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:21,775 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:22,133 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:22,488 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:22,843 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:23,200 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:23,555 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:23,910 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:24,268 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:24,632 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:24,993 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:25,349 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:25,704 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:26,063 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:26,420 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:26,776 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:27,132 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:27,491 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:27,849 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:28,209 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:28,566 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:28,922 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:29,283 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:29,645 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:30,023 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:30,377 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:30,732 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:31,091 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:31,441 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:31,794 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:32,149 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:32,504 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:32,858 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:33,214 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:33,565 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:33,921 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:34,279 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:34,635 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:34,996 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:35,355 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:35,710 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:36,068 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:36,423 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:36,780 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:37,137 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:37,497 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:37,857 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:38,219 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:38,594 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:38,955 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:39,318 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:39,683 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:40,041 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:40,401 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:40,761 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:41,117 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:41,473 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:41,830 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:42,183 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:42,657 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:43,034 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:43,468 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:43,826 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:44,283 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:44,645 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:45,395 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:45,758 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:46,122 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:46,486 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:46,846 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:47,212 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:47,576 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:47,943 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:48,310 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:48,668 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:49,026 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:49,388 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:49,751 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:50,107 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:50,461 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:50,816 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:51,177 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:51,536 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:51,893 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:52,254 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:52,614 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:52,983 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:53,371 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:53,760 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:54,138 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:54,507 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:54,881 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:55,244 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:55,600 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:55,954 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:56,312 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:56,677 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:57,034 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:57,387 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:57,742 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:58,099 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:58,455 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:58,809 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:59,168 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:59,527 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:21:59,892 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:00,249 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:00,605 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:00,959 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:01,313 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:01,670 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:02,031 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:02,383 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:02,738 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:03,092 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:03,448 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:03,812 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:04,184 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:04,542 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:05,202 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:05,555 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:05,908 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:06,263 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:06,617 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:06,974 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:07,328 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:07,695 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:08,053 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:08,409 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:08,767 - root - INFO - [chat.py:394] - Successfully saved 71532 unique ICD codes to JSON for hospital 229 -2025-06-09 09:22:08,792 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-09 09:22:14,408 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-09 09:22:14,438 - root - INFO - [chat.py:586] - Processing 2966 pages for document 451 -2025-06-09 09:22:19,241 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:22:31,029 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:22:43,063 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:22:53,342 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:23:05,284 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:23:14,950 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:23:26,201 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:23:36,307 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:23:45,690 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:23:47,318 - root - INFO - [chat.py:660] - Saving 71572 ICD codes -2025-06-09 09:23:47,318 - root - INFO - [chat.py:664] - Successfully indexed document 451 -2025-06-09 09:23:47,340 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-09 09:23:47,428 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 1295.720s - IP: 127.0.0.1 -2025-06-09 09:23:47,430 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:23:47] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 09:23:47,438 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:23:47,440 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 229, doc_id 452 -2025-06-09 09:23:47,443 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:23:47,444 - root - INFO - [chat.py:1345] - Starting processing of document 452 -2025-06-09 09:23:47,444 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-09 09:23:47,449 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-09 09:23:47,648 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-09 09:23:47,651 - root - INFO - [chat.py:586] - Processing 1 pages for document 452 -2025-06-09 09:23:48,047 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:23:48,131 - root - INFO - [chat.py:664] - Successfully indexed document 452 -2025-06-09 09:23:48,132 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-09 09:23:48,194 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 0.756s - IP: 127.0.0.1 -2025-06-09 09:23:48,195 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:23:48] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 09:44:02,657 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:44:02,662 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 240, doc_id 453 -2025-06-09 09:44:02,669 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:44:02,670 - root - INFO - [chat.py:1345] - Starting processing of document 453 -2025-06-09 09:44:02,671 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-09 09:44:02,732 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:44:02,791 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 240, doc_id 453 -2025-06-09 09:44:02,905 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:44:02,906 - root - INFO - [chat.py:1345] - Starting processing of document 453 -2025-06-09 09:44:02,907 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-09 09:44:09,903 - root - INFO - [chat.py:394] - Successfully saved 1 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:09,971 - root - INFO - [chat.py:394] - Successfully saved 2 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,044 - root - INFO - [chat.py:394] - Successfully saved 2 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,087 - root - INFO - [chat.py:394] - Successfully saved 3 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,131 - root - INFO - [chat.py:394] - Successfully saved 4 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,144 - root - INFO - [chat.py:394] - Successfully saved 4 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,145 - root - INFO - [chat.py:394] - Successfully saved 4 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,145 - root - ERROR - [chat.py:399] - Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -2025-06-09 09:44:10,146 - root - INFO - [chat.py:394] - Successfully saved 5 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,146 - root - INFO - [chat.py:394] - Successfully saved 6 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,147 - root - INFO - [chat.py:394] - Successfully saved 6 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,147 - root - INFO - [chat.py:394] - Successfully saved 6 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,148 - root - INFO - [chat.py:394] - Successfully saved 6 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,148 - root - INFO - [chat.py:394] - Successfully saved 6 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,148 - root - ERROR - [chat.py:399] - Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -2025-06-09 09:44:10,149 - root - INFO - [chat.py:394] - Successfully saved 7 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,150 - root - ERROR - [chat.py:399] - Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -2025-06-09 09:44:10,150 - root - INFO - [chat.py:394] - Successfully saved 9 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,150 - root - ERROR - [chat.py:399] - Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -2025-06-09 09:44:10,151 - root - INFO - [chat.py:394] - Successfully saved 10 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,151 - root - ERROR - [chat.py:399] - Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -2025-06-09 09:44:10,152 - root - INFO - [chat.py:394] - Successfully saved 11 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,153 - root - INFO - [chat.py:394] - Successfully saved 10 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,153 - root - INFO - [chat.py:394] - Successfully saved 11 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,154 - root - ERROR - [chat.py:399] - Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -2025-06-09 09:44:10,154 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-09 09:44:10,155 - root - INFO - [chat.py:394] - Successfully saved 10 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,156 - root - INFO - [chat.py:394] - Successfully saved 11 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,157 - root - INFO - [chat.py:394] - Successfully saved 11 unique ICD codes to JSON for hospital 240 -2025-06-09 09:44:10,157 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-09 09:44:10,376 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-09 09:44:10,378 - root - INFO - [chat.py:522] - Creating vector store for hospital 240 -2025-06-09 09:44:10,381 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 09:44:10,452 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-09 09:44:10,454 - root - INFO - [chat.py:511] - Loading vector store for hospital 240 and user default -2025-06-09 09:44:14,702 - root - INFO - [chat.py:586] - Processing 60 pages for document 453 -2025-06-09 09:44:14,729 - root - INFO - [chat.py:586] - Processing 60 pages for document 453 -2025-06-09 09:44:16,223 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:44:16,299 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:44:18,106 - root - INFO - [chat.py:660] - Saving 40 ICD codes -2025-06-09 09:44:18,106 - root - INFO - [chat.py:664] - Successfully indexed document 453 -2025-06-09 09:44:18,107 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-09 09:44:18,187 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 15.530s - IP: 127.0.0.1 -2025-06-09 09:44:18,188 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:44:18] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 09:44:18,911 - root - INFO - [chat.py:660] - Saving 40 ICD codes -2025-06-09 09:44:18,912 - root - INFO - [chat.py:664] - Successfully indexed document 453 -2025-06-09 09:44:18,913 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-09 09:44:18,916 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 16.183s - IP: 127.0.0.1 -2025-06-09 09:44:18,916 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:44:18] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 09:45:37,012 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:45:37,016 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 32, doc_id 454 -2025-06-09 09:45:37,019 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:45:37,019 - root - INFO - [chat.py:1345] - Starting processing of document 454 -2025-06-09 09:45:37,020 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-09 09:45:37,609 - root - INFO - [chat.py:394] - Successfully saved 2 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,609 - root - INFO - [chat.py:394] - Successfully saved 2 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,609 - root - INFO - [chat.py:394] - Successfully saved 3 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,610 - root - INFO - [chat.py:394] - Successfully saved 4 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,610 - root - INFO - [chat.py:394] - Successfully saved 5 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,611 - root - INFO - [chat.py:394] - Successfully saved 6 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,611 - root - INFO - [chat.py:394] - Successfully saved 6 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,611 - root - INFO - [chat.py:394] - Successfully saved 7 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,612 - root - INFO - [chat.py:394] - Successfully saved 8 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,612 - root - INFO - [chat.py:394] - Successfully saved 9 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,613 - root - INFO - [chat.py:394] - Successfully saved 10 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,614 - root - INFO - [chat.py:394] - Successfully saved 10 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,614 - root - INFO - [chat.py:394] - Successfully saved 11 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,615 - root - INFO - [chat.py:394] - Successfully saved 12 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,616 - root - INFO - [chat.py:394] - Successfully saved 13 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,616 - root - INFO - [chat.py:394] - Successfully saved 14 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,617 - root - INFO - [chat.py:394] - Successfully saved 14 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,617 - root - INFO - [chat.py:394] - Successfully saved 15 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,618 - root - INFO - [chat.py:394] - Successfully saved 16 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,619 - root - INFO - [chat.py:394] - Successfully saved 17 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,619 - root - INFO - [chat.py:394] - Successfully saved 17 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,620 - root - INFO - [chat.py:394] - Successfully saved 19 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,621 - root - INFO - [chat.py:394] - Successfully saved 19 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,621 - root - INFO - [chat.py:394] - Successfully saved 19 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,622 - root - INFO - [chat.py:394] - Successfully saved 19 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:37,622 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-09 09:45:37,982 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-09 09:45:37,985 - root - INFO - [chat.py:586] - Processing 70 pages for document 454 -2025-06-09 09:45:39,087 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:45:40,892 - root - INFO - [chat.py:660] - Saving 39 ICD codes -2025-06-09 09:45:40,892 - root - INFO - [chat.py:664] - Successfully indexed document 454 -2025-06-09 09:45:40,893 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-09 09:45:41,000 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 3.988s - IP: 127.0.0.1 -2025-06-09 09:45:41,000 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:45:41] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 09:45:41,005 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:45:41,009 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 32, doc_id 455 -2025-06-09 09:45:41,012 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:45:41,013 - root - INFO - [chat.py:1345] - Starting processing of document 455 -2025-06-09 09:45:41,014 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-09 09:45:41,594 - root - INFO - [chat.py:1479] - Received request to delete vectors for document 304 from hospital 32 -2025-06-09 09:45:41,710 - root - INFO - [chat.py:562] - Successfully deleted vectors for document 304 from hospital 32 -2025-06-09 09:45:41,996 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.402s - IP: 127.0.0.1 -2025-06-09 09:45:42,006 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:45:42] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-09 09:45:42,684 - root - INFO - [chat.py:394] - Successfully saved 21 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:42,685 - root - INFO - [chat.py:394] - Successfully saved 22 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:42,685 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-09 09:45:42,880 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-09 09:45:42,883 - root - INFO - [chat.py:586] - Processing 56 pages for document 455 -2025-06-09 09:45:44,200 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:45:46,005 - root - INFO - [chat.py:660] - Saving 3 ICD codes -2025-06-09 09:45:46,006 - root - INFO - [chat.py:664] - Successfully indexed document 455 -2025-06-09 09:45:46,007 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-09 09:45:46,141 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 5.136s - IP: 127.0.0.1 -2025-06-09 09:45:46,142 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:45:46] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 09:45:46,147 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:45:46,149 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 32, doc_id 456 -2025-06-09 09:45:46,151 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:45:46,152 - root - INFO - [chat.py:1345] - Starting processing of document 456 -2025-06-09 09:45:46,153 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-09 09:45:47,477 - root - INFO - [chat.py:394] - Successfully saved 22 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:47,477 - root - INFO - [chat.py:394] - Successfully saved 22 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:47,478 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-09 09:45:47,698 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-09 09:45:47,701 - root - INFO - [chat.py:586] - Processing 56 pages for document 456 -2025-06-09 09:45:48,759 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:45:50,857 - root - INFO - [chat.py:660] - Saving 3 ICD codes -2025-06-09 09:45:50,858 - root - INFO - [chat.py:664] - Successfully indexed document 456 -2025-06-09 09:45:50,858 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-09 09:45:50,933 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 4.786s - IP: 127.0.0.1 -2025-06-09 09:45:50,933 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:45:50] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 09:45:50,938 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:45:50,941 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 32, doc_id 457 -2025-06-09 09:45:50,943 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:45:50,944 - root - INFO - [chat.py:1345] - Starting processing of document 457 -2025-06-09 09:45:50,945 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-09 09:45:51,609 - root - INFO - [chat.py:394] - Successfully saved 26 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:51,610 - root - INFO - [chat.py:394] - Successfully saved 26 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:51,611 - root - INFO - [chat.py:394] - Successfully saved 26 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:51,612 - root - INFO - [chat.py:394] - Successfully saved 26 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:51,612 - root - INFO - [chat.py:394] - Successfully saved 26 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:51,613 - root - INFO - [chat.py:394] - Successfully saved 27 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:51,614 - root - INFO - [chat.py:394] - Successfully saved 28 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:51,615 - root - INFO - [chat.py:394] - Successfully saved 28 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:51,616 - root - INFO - [chat.py:394] - Successfully saved 28 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:51,617 - root - INFO - [chat.py:394] - Successfully saved 29 unique ICD codes to JSON for hospital 32 -2025-06-09 09:45:51,618 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-09 09:45:51,791 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-09 09:45:51,793 - root - INFO - [chat.py:586] - Processing 28 pages for document 457 -2025-06-09 09:45:52,427 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:45:53,338 - root - INFO - [chat.py:660] - Saving 31 ICD codes -2025-06-09 09:45:53,339 - root - INFO - [chat.py:664] - Successfully indexed document 457 -2025-06-09 09:45:53,340 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-09 09:45:53,416 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 2.478s - IP: 127.0.0.1 -2025-06-09 09:45:53,417 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:45:53] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 09:45:53,424 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:45:53,434 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 32, doc_id 458 -2025-06-09 09:45:53,436 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:45:53,437 - root - INFO - [chat.py:1345] - Starting processing of document 458 -2025-06-09 09:45:53,443 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-09 09:46:04,153 - root - INFO - [chat.py:394] - Successfully saved 29 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,154 - root - INFO - [chat.py:394] - Successfully saved 29 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,155 - root - INFO - [chat.py:394] - Successfully saved 29 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,156 - root - INFO - [chat.py:394] - Successfully saved 31 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,156 - root - INFO - [chat.py:394] - Successfully saved 31 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,157 - root - INFO - [chat.py:394] - Successfully saved 31 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,158 - root - INFO - [chat.py:394] - Successfully saved 33 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,159 - root - INFO - [chat.py:394] - Successfully saved 34 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,160 - root - INFO - [chat.py:394] - Successfully saved 35 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,160 - root - INFO - [chat.py:394] - Successfully saved 35 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,161 - root - INFO - [chat.py:394] - Successfully saved 35 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,162 - root - INFO - [chat.py:394] - Successfully saved 35 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,163 - root - INFO - [chat.py:394] - Successfully saved 35 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,163 - root - INFO - [chat.py:394] - Successfully saved 35 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,164 - root - INFO - [chat.py:394] - Successfully saved 35 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,165 - root - INFO - [chat.py:394] - Successfully saved 36 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,166 - root - INFO - [chat.py:394] - Successfully saved 36 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,167 - root - INFO - [chat.py:394] - Successfully saved 36 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,167 - root - INFO - [chat.py:394] - Successfully saved 36 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,168 - root - INFO - [chat.py:394] - Successfully saved 37 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,169 - root - INFO - [chat.py:394] - Successfully saved 37 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,170 - root - INFO - [chat.py:394] - Successfully saved 38 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,170 - root - INFO - [chat.py:394] - Successfully saved 38 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,171 - root - INFO - [chat.py:394] - Successfully saved 38 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,172 - root - INFO - [chat.py:394] - Successfully saved 38 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,173 - root - INFO - [chat.py:394] - Successfully saved 38 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,174 - root - INFO - [chat.py:394] - Successfully saved 39 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,174 - root - INFO - [chat.py:394] - Successfully saved 39 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,175 - root - INFO - [chat.py:394] - Successfully saved 40 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,176 - root - INFO - [chat.py:394] - Successfully saved 40 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,177 - root - INFO - [chat.py:394] - Successfully saved 40 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,178 - root - INFO - [chat.py:394] - Successfully saved 41 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,179 - root - INFO - [chat.py:394] - Successfully saved 42 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,179 - root - INFO - [chat.py:394] - Successfully saved 42 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,180 - root - INFO - [chat.py:394] - Successfully saved 42 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,181 - root - INFO - [chat.py:394] - Successfully saved 42 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,182 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,183 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,184 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,185 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,185 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,186 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,187 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,188 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,189 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,190 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,190 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,191 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,192 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,193 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,193 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,194 - root - INFO - [chat.py:394] - Successfully saved 43 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,195 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,196 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,197 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,197 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,198 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,199 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,200 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,201 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,202 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,202 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,203 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,204 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,205 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,206 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,206 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,207 - root - INFO - [chat.py:394] - Successfully saved 44 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,208 - root - INFO - [chat.py:394] - Successfully saved 45 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,209 - root - INFO - [chat.py:394] - Successfully saved 45 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,210 - root - INFO - [chat.py:394] - Successfully saved 45 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,211 - root - INFO - [chat.py:394] - Successfully saved 45 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,212 - root - INFO - [chat.py:394] - Successfully saved 45 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,212 - root - INFO - [chat.py:394] - Successfully saved 45 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,213 - root - INFO - [chat.py:394] - Successfully saved 45 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,214 - root - INFO - [chat.py:394] - Successfully saved 45 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,215 - root - INFO - [chat.py:394] - Successfully saved 45 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,216 - root - INFO - [chat.py:394] - Successfully saved 45 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,217 - root - INFO - [chat.py:394] - Successfully saved 45 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,218 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,219 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,219 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,220 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,221 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,222 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,223 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,224 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,225 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,226 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,227 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,227 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,228 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,229 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,230 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,231 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,232 - root - INFO - [chat.py:394] - Successfully saved 46 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,233 - root - INFO - [chat.py:394] - Successfully saved 47 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,234 - root - INFO - [chat.py:394] - Successfully saved 47 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,234 - root - INFO - [chat.py:394] - Successfully saved 47 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,235 - root - INFO - [chat.py:394] - Successfully saved 47 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,236 - root - INFO - [chat.py:394] - Successfully saved 47 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,237 - root - INFO - [chat.py:394] - Successfully saved 47 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,238 - root - INFO - [chat.py:394] - Successfully saved 47 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,239 - root - INFO - [chat.py:394] - Successfully saved 48 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,240 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,241 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,242 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,242 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,243 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,244 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,245 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,246 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,247 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,248 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,249 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,250 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,250 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,251 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,252 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,253 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,254 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,255 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,256 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,257 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,258 - root - INFO - [chat.py:394] - Successfully saved 49 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,259 - root - INFO - [chat.py:394] - Successfully saved 50 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,260 - root - INFO - [chat.py:394] - Successfully saved 50 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,260 - root - INFO - [chat.py:394] - Successfully saved 50 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,261 - root - INFO - [chat.py:394] - Successfully saved 50 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,262 - root - INFO - [chat.py:394] - Successfully saved 51 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,263 - root - INFO - [chat.py:394] - Successfully saved 52 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,264 - root - INFO - [chat.py:394] - Successfully saved 52 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,265 - root - INFO - [chat.py:394] - Successfully saved 56 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,266 - root - INFO - [chat.py:394] - Successfully saved 56 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,267 - root - INFO - [chat.py:394] - Successfully saved 56 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,268 - root - INFO - [chat.py:394] - Successfully saved 56 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,268 - root - INFO - [chat.py:394] - Successfully saved 56 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,269 - root - INFO - [chat.py:394] - Successfully saved 59 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,270 - root - INFO - [chat.py:394] - Successfully saved 61 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,271 - root - INFO - [chat.py:394] - Successfully saved 61 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,272 - root - INFO - [chat.py:394] - Successfully saved 61 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,273 - root - INFO - [chat.py:394] - Successfully saved 61 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,274 - root - INFO - [chat.py:394] - Successfully saved 61 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,275 - root - INFO - [chat.py:394] - Successfully saved 61 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,276 - root - INFO - [chat.py:394] - Successfully saved 61 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,277 - root - INFO - [chat.py:394] - Successfully saved 61 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,278 - root - INFO - [chat.py:394] - Successfully saved 61 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,279 - root - INFO - [chat.py:394] - Successfully saved 61 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,280 - root - INFO - [chat.py:394] - Successfully saved 62 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,281 - root - INFO - [chat.py:394] - Successfully saved 62 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,282 - root - INFO - [chat.py:394] - Successfully saved 62 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,283 - root - INFO - [chat.py:394] - Successfully saved 62 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,284 - root - INFO - [chat.py:394] - Successfully saved 62 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,285 - root - INFO - [chat.py:394] - Successfully saved 62 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,286 - root - INFO - [chat.py:394] - Successfully saved 62 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,286 - root - INFO - [chat.py:394] - Successfully saved 62 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,288 - root - INFO - [chat.py:394] - Successfully saved 62 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,288 - root - INFO - [chat.py:394] - Successfully saved 65 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,289 - root - INFO - [chat.py:394] - Successfully saved 66 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,290 - root - INFO - [chat.py:394] - Successfully saved 67 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,291 - root - INFO - [chat.py:394] - Successfully saved 67 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,292 - root - INFO - [chat.py:394] - Successfully saved 67 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,293 - root - INFO - [chat.py:394] - Successfully saved 70 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,294 - root - INFO - [chat.py:394] - Successfully saved 74 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,295 - root - INFO - [chat.py:394] - Successfully saved 75 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,296 - root - INFO - [chat.py:394] - Successfully saved 75 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,297 - root - INFO - [chat.py:394] - Successfully saved 77 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,298 - root - INFO - [chat.py:394] - Successfully saved 77 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,299 - root - INFO - [chat.py:394] - Successfully saved 77 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,301 - root - INFO - [chat.py:394] - Successfully saved 77 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,302 - root - INFO - [chat.py:394] - Successfully saved 78 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,303 - root - INFO - [chat.py:394] - Successfully saved 78 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,304 - root - INFO - [chat.py:394] - Successfully saved 78 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,305 - root - INFO - [chat.py:394] - Successfully saved 78 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,306 - root - INFO - [chat.py:394] - Successfully saved 78 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,307 - root - INFO - [chat.py:394] - Successfully saved 78 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,308 - root - INFO - [chat.py:394] - Successfully saved 78 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,309 - root - INFO - [chat.py:394] - Successfully saved 78 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,310 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,311 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,312 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,313 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,314 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,315 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,316 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,317 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,318 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,319 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,320 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,321 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,322 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,323 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,324 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,325 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,326 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,327 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,328 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,329 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,330 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,331 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,332 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,333 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,334 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,335 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,337 - root - INFO - [chat.py:394] - Successfully saved 79 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,338 - root - INFO - [chat.py:394] - Successfully saved 80 unique ICD codes to JSON for hospital 32 -2025-06-09 09:46:04,338 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-09 09:46:04,902 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-09 09:46:04,908 - root - INFO - [chat.py:586] - Processing 222 pages for document 458 -2025-06-09 09:46:07,079 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:46:12,311 - root - INFO - [chat.py:660] - Saving 385 ICD codes -2025-06-09 09:46:12,311 - root - INFO - [chat.py:664] - Successfully indexed document 458 -2025-06-09 09:46:12,313 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-09 09:46:12,535 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 19.111s - IP: 127.0.0.1 -2025-06-09 09:46:12,536 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:12] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 09:46:12,542 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:12,548 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 32, doc_id 459 -2025-06-09 09:46:12,551 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:46:12,551 - root - INFO - [chat.py:1345] - Starting processing of document 459 -2025-06-09 09:46:12,553 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-09 09:46:12,656 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-09 09:46:12,828 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-09 09:46:12,830 - root - INFO - [chat.py:586] - Processing 5 pages for document 459 -2025-06-09 09:46:13,356 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:46:14,551 - root - INFO - [chat.py:664] - Successfully indexed document 459 -2025-06-09 09:46:14,552 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-09 09:46:14,676 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 2.135s - IP: 127.0.0.1 -2025-06-09 09:46:14,677 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:14] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 09:46:14,682 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:14,684 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 32, doc_id 460 -2025-06-09 09:46:14,686 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:46:14,687 - root - INFO - [chat.py:1345] - Starting processing of document 460 -2025-06-09 09:46:14,688 - root - INFO - [chat.py:1353] - Extracting PDF contents... -2025-06-09 09:46:14,791 - root - INFO - [chat.py:1356] - Inserting content into database... -2025-06-09 09:46:15,006 - root - INFO - [chat.py:1366] - Creating embeddings and indexing... -2025-06-09 09:46:15,011 - root - INFO - [chat.py:586] - Processing 5 pages for document 460 -2025-06-09 09:46:15,712 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:46:15,923 - access - INFO - [chat.py:1416] - Generate answer request received from 127.0.0.1 -2025-06-09 09:46:15,923 - root - INFO - [chat.py:1425] - Received question from user default: what is legal/statutory requirements? -2025-06-09 09:46:15,923 - root - INFO - [chat.py:1426] - Received hospital code: VOFE77CJLUCD -2025-06-09 09:46:15,923 - root - INFO - [chat.py:1427] - Received session_id: 1 -2025-06-09 09:46:15,927 - root - INFO - [chat.py:1432] - Resolved hospital ID: 240 -2025-06-09 09:46:16,262 - root - INFO - [chat.py:664] - Successfully indexed document 460 -2025-06-09 09:46:16,263 - root - INFO - [chat.py:1370] - Document processing completed successfully -2025-06-09 09:46:16,338 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 200 - Duration: 1.657s - IP: 127.0.0.1 -2025-06-09 09:46:16,339 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:16] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 09:46:17,375 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:46:17,404 - root - INFO - [chat.py:1070] - Cached context for key: context:hospital_240:what is legal/statutory requirements? -2025-06-09 09:46:18,610 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 09:46:18,615 - root - INFO - [chat.py:1225] - Generated RAG answer for question: what is legal/statutory requirements? -2025-06-09 09:46:18,616 - root - INFO - [chat.py:811] - Stored RAG interaction in Redis for default:240:1 -2025-06-09 09:46:18,617 - access - INFO - [chat.py:1582] - "POST /flask-api/generate-answer" 200 - Duration: 2.694s - IP: 127.0.0.1 -2025-06-09 09:46:18,617 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:18] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 09:46:34,853 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:34,854 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital None, doc_id None -2025-06-09 09:46:34,854 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 400 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-09 09:46:34,854 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:34] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -2025-06-09 09:46:34,880 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:34,880 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital None, doc_id None -2025-06-09 09:46:34,881 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-09 09:46:34,881 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:34] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -2025-06-09 09:46:34,917 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:34,917 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital None, doc_id None -2025-06-09 09:46:34,917 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-09 09:46:34,918 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:34] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -2025-06-09 09:46:34,952 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:34,953 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital None, doc_id None -2025-06-09 09:46:34,953 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-09 09:46:34,953 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:34] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -2025-06-09 09:46:35,033 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-09 09:46:35,033 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:35] "[31m[1mDELETE /flask-api/delete-document-vectors HTTP/1.1[0m" 400 - -2025-06-09 09:46:35,077 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-09 09:46:35,077 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:35] "[31m[1mDELETE /flask-api/delete-document-vectors HTTP/1.1[0m" 400 - -2025-06-09 09:46:35,109 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:35,153 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 32, doc_id None -2025-06-09 09:46:35,154 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 400 - Duration: 0.045s - IP: 127.0.0.1 -2025-06-09 09:46:35,154 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:35] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -2025-06-09 09:46:35,205 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:35,245 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital 32, doc_id None -2025-06-09 09:46:35,245 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 400 - Duration: 0.040s - IP: 127.0.0.1 -2025-06-09 09:46:35,246 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:35] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -2025-06-09 09:46:35,301 - access - INFO - [chat.py:1416] - Generate answer request received from 127.0.0.1 -2025-06-09 09:46:35,301 - root - INFO - [chat.py:1425] - Received question from user None: what is the hospital policy? -2025-06-09 09:46:35,301 - root - INFO - [chat.py:1426] - Received hospital code: NN32C703J3SP -2025-06-09 09:46:35,301 - root - INFO - [chat.py:1427] - Received session_id: None -2025-06-09 09:46:35,304 - root - INFO - [chat.py:1432] - Resolved hospital ID: 32 -2025-06-09 09:46:35,666 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:46:35,682 - root - INFO - [chat.py:1070] - Cached context for key: context:hospital_32:what is the hospital policy? -2025-06-09 09:46:38,875 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 09:46:38,883 - root - INFO - [chat.py:1225] - Generated RAG answer for question: what is the hospital policy? -2025-06-09 09:46:38,883 - root - INFO - [chat.py:811] - Stored RAG interaction in Redis for None:32:None -2025-06-09 09:46:38,883 - access - INFO - [chat.py:1582] - "POST /flask-api/generate-answer" 200 - Duration: 3.582s - IP: 127.0.0.1 -2025-06-09 09:46:38,884 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:38] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 09:46:38,924 - access - INFO - [chat.py:1416] - Generate answer request received from 127.0.0.1 -2025-06-09 09:46:38,924 - root - INFO - [chat.py:1425] - Received question from user None: can you explain more about that policy? -2025-06-09 09:46:38,924 - root - INFO - [chat.py:1426] - Received hospital code: NN32C703J3SP -2025-06-09 09:46:38,924 - root - INFO - [chat.py:1427] - Received session_id: None -2025-06-09 09:46:38,927 - root - INFO - [chat.py:1432] - Resolved hospital ID: 32 -2025-06-09 09:46:40,597 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 09:46:40,598 - root - INFO - [chat.py:952] - Enhanced contextual query: Hospital policy covers various aspects of employment and workplace conduct, including equal employment opportunity, sameness vs. consistency, safety policy, domestic violence policy, guns in the workplace, personnel records, business ethics and standards of conduct, confidentiality/right to privacy, and acceptable use of hospital hardware/software and data. To find more detailed information about the hospital policy, you can search for the specific policies mentioned in the previous answer such as equal employment opportunity, safety policy, domestic violence policy, guns in the workplace, personnel records, business ethics and standards of conduct, confidentiality/right to privacy, and acceptable use of hospital hardware/software and data. -2025-06-09 09:46:40,950 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:46:40,964 - root - INFO - [chat.py:1070] - Cached context for key: context:hospital_32:hospital policy covers various aspects of employment and workplace conduct, including equal employment opportunity, sameness vs. consistency, safety policy, domestic violence policy, guns in the workplace, personnel records, business ethics and standards of conduct, confidentiality/right to privacy, and acceptable use of hospital hardware/software and data. to find more detailed information about the hospital policy, you can search for the specific policies mentioned in the previous answer such as equal employment opportunity, safety policy, domestic violence policy, guns in the workplace, personnel records, business ethics and standards of conduct, confidentiality/right to privacy, and acceptable use of hospital hardware/software and data. -2025-06-09 09:46:44,598 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 09:46:44,599 - root - INFO - [chat.py:1225] - Generated RAG answer for question: can you explain more about that policy? -2025-06-09 09:46:44,600 - root - INFO - [chat.py:811] - Stored RAG interaction in Redis for None:32:None -2025-06-09 09:46:44,600 - access - INFO - [chat.py:1582] - "POST /flask-api/generate-answer" 200 - Duration: 5.677s - IP: 127.0.0.1 -2025-06-09 09:46:44,601 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:44] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 09:46:47,483 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:47,824 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital None, doc_id 37 -2025-06-09 09:46:47,824 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 400 - Duration: 0.341s - IP: 127.0.0.1 -2025-06-09 09:46:47,825 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:47] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -2025-06-09 09:46:47,868 - access - INFO - [chat.py:1325] - PDF processing request received from 127.0.0.1 -2025-06-09 09:46:47,868 - root - INFO - [chat.py:1332] - Received PDF processing request for hospital None, doc_id None -2025-06-09 09:46:47,868 - access - INFO - [chat.py:1582] - "POST /flask-api/process-pdf" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-09 09:46:47,869 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:47] "[31m[1mPOST /flask-api/process-pdf HTTP/1.1[0m" 400 - -2025-06-09 09:46:47,899 - access - INFO - [chat.py:1416] - Generate answer request received from 127.0.0.1 -2025-06-09 09:46:47,900 - root - INFO - [chat.py:1425] - Received question from user 31: what is the hospital policy? -2025-06-09 09:46:47,900 - root - INFO - [chat.py:1426] - Received hospital code: NN32C703J3SP -2025-06-09 09:46:47,900 - root - INFO - [chat.py:1427] - Received session_id: None -2025-06-09 09:46:47,902 - root - INFO - [chat.py:1432] - Resolved hospital ID: 32 -2025-06-09 09:46:48,326 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 09:46:48,340 - root - INFO - [chat.py:1070] - Cached context for key: context:hospital_32:doc_37:what is the hospital policy? -2025-06-09 09:46:52,823 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 09:46:52,832 - root - INFO - [chat.py:1225] - Generated RAG answer for question: what is the hospital policy? -2025-06-09 09:46:52,832 - root - INFO - [chat.py:811] - Stored RAG interaction in Redis for 31:32:None -2025-06-09 09:46:52,833 - access - INFO - [chat.py:1582] - "POST /flask-api/generate-answer" 200 - Duration: 4.933s - IP: 127.0.0.1 -2025-06-09 09:46:52,833 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:52] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 09:46:52,870 - root - INFO - [chat.py:1479] - Received request to delete vectors for document 37 from hospital 66 -2025-06-09 09:46:52,875 - root - INFO - [chat.py:562] - Successfully deleted vectors for document 37 from hospital 66 -2025-06-09 09:46:52,876 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 200 - Duration: 0.009s - IP: 127.0.0.1 -2025-06-09 09:46:52,876 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:52] "DELETE /flask-api/delete-document-vectors HTTP/1.1" 200 - -2025-06-09 09:46:52,899 - access - INFO - [chat.py:1582] - "DELETE /flask-api/delete-document-vectors" 400 - Duration: 0.000s - IP: 127.0.0.1 -2025-06-09 09:46:52,899 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 09:46:52] "[31m[1mDELETE /flask-api/delete-document-vectors HTTP/1.1[0m" 400 - -2025-06-09 11:46:24,367 - access - INFO - [chat.py:1582] - "GET /flask-api/" 404 - Duration: 0.001s - IP: 127.0.0.1 -2025-06-09 11:46:24,368 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 11:46:24] "[33mGET /flask-api/ HTTP/1.1[0m" 404 - -2025-06-09 12:52:15,663 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:52:15,679 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:52:28,213 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:52:28,213 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:52:28,214 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:52:28,214 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:52:32,737 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:52:32,740 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:52:32,740 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:52:32,740 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:52:32,740 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:52:32,740 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:52:32,741 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:52:32,741 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:52:32,756 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:52:32,762 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:52:42,500 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:52:42,501 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:52:42,501 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:52:42,502 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:52:45,813 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:52:45,815 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:52:45,815 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:52:45,816 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:52:45,816 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:52:45,816 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:52:45,817 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:52:45,817 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:52:45,824 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:52:45,830 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:52:54,514 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:52:54,514 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:52:54,515 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:52:54,515 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:52:58,096 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:52:58,099 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:52:58,099 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:52:58,099 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:52:58,099 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:52:58,099 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:52:58,100 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:52:58,100 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:52:58,107 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:52:58,113 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:53:06,879 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:53:06,879 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:53:06,880 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:53:06,880 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:53:11,496 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:53:11,498 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:53:11,499 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:53:11,499 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:53:11,499 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:53:11,499 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:53:11,500 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:53:11,500 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:53:11,508 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:53:11,514 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:53:20,092 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:53:20,092 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:53:20,093 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:53:20,093 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:53:23,522 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:53:23,524 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:53:23,524 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:53:23,524 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:53:23,525 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:53:23,525 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:53:23,526 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:53:23,526 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:53:23,533 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:53:23,539 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:53:32,011 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:53:32,011 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:53:32,012 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:53:32,012 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:53:35,482 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:53:35,484 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:53:35,484 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:53:35,484 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:53:35,484 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:53:35,484 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:53:35,485 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:53:35,485 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:53:35,492 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:53:35,498 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:53:44,155 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:53:44,155 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:53:44,156 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:53:44,156 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:53:47,701 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:53:47,703 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:53:47,704 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:53:47,704 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:53:47,704 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:53:47,704 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:53:47,705 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:53:47,705 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:53:47,711 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:53:47,717 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:53:56,170 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:53:56,170 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:53:56,171 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:53:56,171 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:54:00,065 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:54:00,067 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:54:00,067 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:54:00,067 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:54:00,067 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:54:00,068 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:54:00,068 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:54:00,068 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:54:00,074 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:54:00,080 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:54:08,529 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:54:08,530 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:54:08,530 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:54:08,531 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:54:12,605 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:54:12,607 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:54:12,607 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:54:12,608 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:54:12,608 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:54:12,608 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:54:12,608 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:54:12,609 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:54:12,615 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:54:12,621 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:54:21,102 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:54:21,102 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:54:21,103 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:54:21,103 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:54:25,105 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:54:25,107 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:54:25,107 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:54:25,107 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:54:25,107 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:54:25,108 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:54:25,108 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:54:25,109 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:54:25,115 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:54:25,121 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:54:33,517 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:54:33,518 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:54:33,519 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:54:33,519 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:54:37,119 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:54:37,122 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:54:37,122 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:54:37,122 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:54:37,122 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:54:37,122 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:54:37,123 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:54:37,123 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:54:37,131 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:54:37,137 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:54:45,790 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:54:45,790 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:54:45,791 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:54:45,791 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:54:49,975 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:54:49,979 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:54:49,979 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:54:49,979 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:54:49,979 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:54:49,979 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:54:49,980 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:54:49,980 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:54:49,987 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:54:49,993 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:54:58,577 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:54:58,577 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:54:58,578 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:54:58,578 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:55:01,809 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:55:01,811 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:55:01,811 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:55:01,812 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:55:01,812 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:55:01,812 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:55:01,813 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:55:01,813 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:55:01,820 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:55:01,826 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:55:10,443 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:55:10,444 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:55:10,444 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:55:10,445 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:55:13,592 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:55:13,596 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:55:13,596 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:55:13,596 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:55:13,597 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:55:13,597 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:55:13,598 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:55:13,598 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:55:13,606 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:55:13,613 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:55:22,239 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:55:22,240 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:55:22,240 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:55:22,241 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:55:26,119 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:55:26,121 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:55:26,121 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:55:26,121 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:55:26,121 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:55:26,121 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:55:26,122 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:55:26,122 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:55:26,128 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:55:26,134 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:55:34,658 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:55:34,658 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:55:34,659 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:55:34,659 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:55:38,407 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:55:38,409 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:55:38,410 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:55:38,410 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:55:38,410 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:55:38,410 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:55:38,411 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:55:38,411 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:55:38,417 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:55:38,422 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:55:46,914 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:55:46,914 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:55:46,915 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:55:46,915 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:55:51,458 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:55:51,460 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:55:51,461 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:55:51,461 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:55:51,461 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:55:51,461 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:55:51,462 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:55:51,462 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:55:51,468 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:55:51,474 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:56:00,081 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:56:00,081 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:56:00,082 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:56:00,082 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:56:03,186 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:56:03,188 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:56:03,188 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:56:03,188 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:56:03,188 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:56:03,188 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:56:03,189 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:56:03,189 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:56:03,196 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:56:03,202 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:56:11,702 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:56:11,703 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:56:11,703 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:56:11,704 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:56:14,883 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:56:14,885 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:56:14,885 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:56:14,885 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:56:14,886 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:56:14,886 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:56:14,886 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:56:14,887 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:56:14,893 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:56:14,899 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:56:23,399 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:56:23,399 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:56:23,400 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:56:23,400 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:56:27,078 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:56:27,080 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:56:27,080 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:56:27,080 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:56:27,080 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:56:27,080 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:56:27,081 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:56:27,081 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:56:27,087 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:56:27,094 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:56:35,589 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:56:35,590 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:56:35,590 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:56:35,590 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:56:39,204 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:56:39,206 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:56:39,207 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:56:39,207 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:56:39,207 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:56:39,207 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:56:39,208 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:56:39,208 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:56:39,214 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:56:39,220 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:56:47,929 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:56:47,929 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:56:47,930 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:56:47,930 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:56:52,289 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:56:52,291 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:56:52,291 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:56:52,291 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:56:52,291 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:56:52,291 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:56:52,292 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:56:52,292 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:56:52,299 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:56:52,305 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:57:00,750 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:57:00,750 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:57:00,751 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:57:00,751 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:57:04,507 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:57:04,509 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:57:04,509 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:57:04,509 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:57:04,510 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:57:04,510 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:57:04,511 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:57:04,511 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:57:04,518 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:57:04,524 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:57:13,067 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:57:13,068 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:57:13,068 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:57:13,068 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:57:16,611 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:57:16,613 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:57:16,613 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:57:16,613 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:57:16,613 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:57:16,613 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:57:16,614 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:57:16,614 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:57:16,620 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:57:16,626 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:57:25,064 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:57:25,064 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:57:25,065 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:57:25,065 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:57:28,598 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:57:28,600 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:57:28,600 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:57:28,601 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:57:28,601 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:57:28,601 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:57:28,602 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:57:28,602 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:57:28,608 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:57:28,614 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:57:37,115 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:57:37,116 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:57:37,117 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:57:37,117 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:57:40,723 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:57:40,725 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:57:40,725 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:57:40,725 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:57:40,725 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:57:40,725 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:57:40,726 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:57:40,726 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:57:40,732 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:57:40,738 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:57:49,369 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:57:49,369 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:57:49,370 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:57:49,370 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:57:52,547 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:57:52,549 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:57:52,549 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:57:52,549 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:57:52,549 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:57:52,549 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:57:52,550 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:57:52,550 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:57:52,556 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:57:52,562 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:58:01,242 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:58:01,243 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:58:01,243 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:58:01,243 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:58:04,361 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:58:04,364 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:58:04,364 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:58:04,364 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:58:04,364 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:58:04,364 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:58:04,365 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:58:04,365 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:58:04,373 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:58:04,379 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:58:42,241 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:58:42,241 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:58:42,242 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:58:42,242 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:58:45,500 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:58:45,503 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:58:45,503 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:58:45,503 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:58:45,503 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:58:45,503 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:58:45,504 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:58:45,504 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:58:45,514 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:58:45,523 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 12:59:51,319 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 12:59:51,319 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 12:59:51,320 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 12:59:51,320 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 12:59:54,666 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 12:59:54,668 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 12:59:54,668 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 12:59:54,669 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 12:59:54,669 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 12:59:54,669 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 12:59:54,670 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 12:59:54,670 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 12:59:54,686 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 12:59:54,693 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 13:00:24,376 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 13:00:24,377 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 13:00:24,377 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 13:00:24,378 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 13:00:28,925 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 13:00:28,928 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 13:00:28,928 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 13:00:28,928 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 13:00:28,928 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 13:00:28,928 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 13:00:28,929 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 13:00:28,929 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 13:00:28,932 - root - INFO - [chat.py:497] - Loading vector store for hospital 6 and user default -2025-06-09 13:00:29,245 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,428 - root - INFO - [chat.py:497] - Loading vector store for hospital 10 and user default -2025-06-09 13:00:29,430 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,436 - root - INFO - [chat.py:497] - Loading vector store for hospital 16 and user default -2025-06-09 13:00:29,439 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,444 - root - INFO - [chat.py:497] - Loading vector store for hospital 19 and user default -2025-06-09 13:00:29,446 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,452 - root - INFO - [chat.py:497] - Loading vector store for hospital 26 and user default -2025-06-09 13:00:29,454 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,459 - root - INFO - [chat.py:497] - Loading vector store for hospital 27 and user default -2025-06-09 13:00:29,461 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,466 - root - INFO - [chat.py:497] - Loading vector store for hospital 29 and user default -2025-06-09 13:00:29,469 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,474 - root - INFO - [chat.py:497] - Loading vector store for hospital 31 and user default -2025-06-09 13:00:29,476 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,481 - root - INFO - [chat.py:497] - Loading vector store for hospital 32 and user default -2025-06-09 13:00:29,484 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,488 - root - INFO - [chat.py:497] - Loading vector store for hospital 36 and user default -2025-06-09 13:00:29,491 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,496 - root - INFO - [chat.py:497] - Loading vector store for hospital 37 and user default -2025-06-09 13:00:29,499 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,503 - root - INFO - [chat.py:497] - Loading vector store for hospital 41 and user default -2025-06-09 13:00:29,506 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,511 - root - INFO - [chat.py:497] - Loading vector store for hospital 42 and user default -2025-06-09 13:00:29,514 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,519 - root - INFO - [chat.py:497] - Loading vector store for hospital 47 and user default -2025-06-09 13:00:29,522 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,527 - root - INFO - [chat.py:497] - Loading vector store for hospital 48 and user default -2025-06-09 13:00:29,529 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,534 - root - INFO - [chat.py:497] - Loading vector store for hospital 52 and user default -2025-06-09 13:00:29,537 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,543 - root - INFO - [chat.py:497] - Loading vector store for hospital 53 and user default -2025-06-09 13:00:29,545 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,550 - root - INFO - [chat.py:497] - Loading vector store for hospital 56 and user default -2025-06-09 13:00:29,554 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,559 - root - INFO - [chat.py:497] - Loading vector store for hospital 57 and user default -2025-06-09 13:00:29,561 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,566 - root - INFO - [chat.py:497] - Loading vector store for hospital 59 and user default -2025-06-09 13:00:29,568 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,573 - root - INFO - [chat.py:497] - Loading vector store for hospital 60 and user default -2025-06-09 13:00:29,575 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,581 - root - INFO - [chat.py:497] - Loading vector store for hospital 64 and user default -2025-06-09 13:00:29,583 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,588 - root - INFO - [chat.py:497] - Loading vector store for hospital 65 and user default -2025-06-09 13:00:29,591 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,596 - root - INFO - [chat.py:497] - Loading vector store for hospital 66 and user default -2025-06-09 13:00:29,598 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,604 - root - INFO - [chat.py:497] - Loading vector store for hospital 67 and user default -2025-06-09 13:00:29,606 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,611 - root - INFO - [chat.py:497] - Loading vector store for hospital 68 and user default -2025-06-09 13:00:29,614 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,619 - root - INFO - [chat.py:497] - Loading vector store for hospital 69 and user default -2025-06-09 13:00:29,621 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,626 - root - INFO - [chat.py:497] - Loading vector store for hospital 70 and user default -2025-06-09 13:00:29,628 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,634 - root - INFO - [chat.py:497] - Loading vector store for hospital 71 and user default -2025-06-09 13:00:29,636 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,641 - root - INFO - [chat.py:497] - Loading vector store for hospital 72 and user default -2025-06-09 13:00:29,644 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,649 - root - INFO - [chat.py:497] - Loading vector store for hospital 73 and user default -2025-06-09 13:00:29,651 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,656 - root - INFO - [chat.py:497] - Loading vector store for hospital 75 and user default -2025-06-09 13:00:29,658 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,663 - root - INFO - [chat.py:497] - Loading vector store for hospital 76 and user default -2025-06-09 13:00:29,665 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,670 - root - INFO - [chat.py:497] - Loading vector store for hospital 80 and user default -2025-06-09 13:00:29,672 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,677 - root - INFO - [chat.py:497] - Loading vector store for hospital 81 and user default -2025-06-09 13:00:29,679 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,684 - root - INFO - [chat.py:497] - Loading vector store for hospital 86 and user default -2025-06-09 13:00:29,687 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,692 - root - INFO - [chat.py:497] - Loading vector store for hospital 87 and user default -2025-06-09 13:00:29,694 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,699 - root - INFO - [chat.py:497] - Loading vector store for hospital 90 and user default -2025-06-09 13:00:29,701 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,706 - root - INFO - [chat.py:497] - Loading vector store for hospital 91 and user default -2025-06-09 13:00:29,708 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,713 - root - INFO - [chat.py:497] - Loading vector store for hospital 92 and user default -2025-06-09 13:00:29,715 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,720 - root - INFO - [chat.py:497] - Loading vector store for hospital 94 and user default -2025-06-09 13:00:29,723 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,728 - root - INFO - [chat.py:497] - Loading vector store for hospital 95 and user default -2025-06-09 13:00:29,730 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,735 - root - INFO - [chat.py:497] - Loading vector store for hospital 96 and user default -2025-06-09 13:00:29,738 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,743 - root - INFO - [chat.py:497] - Loading vector store for hospital 97 and user default -2025-06-09 13:00:29,745 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,750 - root - INFO - [chat.py:497] - Loading vector store for hospital 99 and user default -2025-06-09 13:00:29,752 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,757 - root - INFO - [chat.py:497] - Loading vector store for hospital 103 and user default -2025-06-09 13:00:29,760 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,764 - root - INFO - [chat.py:497] - Loading vector store for hospital 106 and user default -2025-06-09 13:00:29,767 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,771 - root - INFO - [chat.py:497] - Loading vector store for hospital 107 and user default -2025-06-09 13:00:29,774 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,779 - root - INFO - [chat.py:497] - Loading vector store for hospital 110 and user default -2025-06-09 13:00:29,781 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,786 - root - INFO - [chat.py:497] - Loading vector store for hospital 111 and user default -2025-06-09 13:00:29,788 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,795 - root - INFO - [chat.py:497] - Loading vector store for hospital 112 and user default -2025-06-09 13:00:29,797 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,803 - root - INFO - [chat.py:497] - Loading vector store for hospital 113 and user default -2025-06-09 13:00:29,805 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,810 - root - INFO - [chat.py:497] - Loading vector store for hospital 114 and user default -2025-06-09 13:00:29,813 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,818 - root - INFO - [chat.py:497] - Loading vector store for hospital 116 and user default -2025-06-09 13:00:29,821 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,826 - root - INFO - [chat.py:497] - Loading vector store for hospital 117 and user default -2025-06-09 13:00:29,828 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,834 - root - INFO - [chat.py:497] - Loading vector store for hospital 118 and user default -2025-06-09 13:00:29,836 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,841 - root - INFO - [chat.py:497] - Loading vector store for hospital 119 and user default -2025-06-09 13:00:29,843 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,848 - root - INFO - [chat.py:497] - Loading vector store for hospital 121 and user default -2025-06-09 13:00:29,850 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,855 - root - INFO - [chat.py:497] - Loading vector store for hospital 122 and user default -2025-06-09 13:00:29,857 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,862 - root - INFO - [chat.py:497] - Loading vector store for hospital 123 and user default -2025-06-09 13:00:29,864 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,868 - root - INFO - [chat.py:497] - Loading vector store for hospital 124 and user default -2025-06-09 13:00:29,871 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,875 - root - INFO - [chat.py:497] - Loading vector store for hospital 126 and user default -2025-06-09 13:00:29,877 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,882 - root - INFO - [chat.py:497] - Loading vector store for hospital 127 and user default -2025-06-09 13:00:29,885 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,892 - root - INFO - [chat.py:497] - Loading vector store for hospital 129 and user default -2025-06-09 13:00:29,894 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,899 - root - INFO - [chat.py:497] - Loading vector store for hospital 131 and user default -2025-06-09 13:00:29,901 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,906 - root - INFO - [chat.py:497] - Loading vector store for hospital 132 and user default -2025-06-09 13:00:29,908 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:29,913 - root - INFO - [chat.py:497] - Loading vector store for hospital 136 and user default -2025-06-09 13:00:29,916 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:30,175 - root - INFO - [chat.py:497] - Loading vector store for hospital 137 and user default -2025-06-09 13:00:30,178 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:30,183 - root - INFO - [chat.py:497] - Loading vector store for hospital 141 and user default -2025-06-09 13:00:30,185 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:30,190 - root - INFO - [chat.py:497] - Loading vector store for hospital 142 and user default -2025-06-09 13:00:30,193 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:30,197 - root - INFO - [chat.py:497] - Loading vector store for hospital 145 and user default -2025-06-09 13:00:30,200 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:30,205 - root - INFO - [chat.py:497] - Loading vector store for hospital 146 and user default -2025-06-09 13:00:30,207 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:30,212 - root - INFO - [chat.py:497] - Loading vector store for hospital 148 and user default -2025-06-09 13:00:30,214 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:30,220 - root - INFO - [chat.py:497] - Loading vector store for hospital 177 and user default -2025-06-09 13:00:30,222 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:30,227 - root - INFO - [chat.py:497] - Loading vector store for hospital 178 and user default -2025-06-09 13:00:30,229 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:30,234 - root - INFO - [chat.py:497] - Loading vector store for hospital 186 and user default -2025-06-09 13:00:30,237 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:30,241 - root - INFO - [chat.py:497] - Loading vector store for hospital 187 and user default -2025-06-09 13:00:30,244 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:30,249 - root - INFO - [chat.py:497] - Loading vector store for hospital 191 and user default -2025-06-09 13:00:30,251 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:30,256 - root - INFO - [chat.py:497] - Loading vector store for hospital 192 and user default -2025-06-09 13:00:30,258 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:30,263 - root - INFO - [chat.py:497] - Loading vector store for hospital 200 and user default -2025-06-09 13:00:30,265 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:30,270 - root - INFO - [chat.py:508] - Creating vector store for hospital 248 -2025-06-09 13:00:30,273 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:34,175 - root - INFO - [chat.py:508] - Creating vector store for hospital 249 -2025-06-09 13:00:34,178 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:37,796 - root - INFO - [chat.py:508] - Creating vector store for hospital 251 -2025-06-09 13:00:37,799 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:47,490 - root - INFO - [chat.py:508] - Creating vector store for hospital 252 -2025-06-09 13:00:47,493 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:51,218 - root - INFO - [chat.py:508] - Creating vector store for hospital 253 -2025-06-09 13:00:51,221 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:55,441 - root - INFO - [chat.py:497] - Loading vector store for hospital 45 and user default -2025-06-09 13:00:55,444 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:55,450 - root - INFO - [chat.py:497] - Loading vector store for hospital 63 and user default -2025-06-09 13:00:55,453 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:55,458 - root - INFO - [chat.py:497] - Loading vector store for hospital 93 and user default -2025-06-09 13:00:55,461 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:55,466 - root - INFO - [chat.py:497] - Loading vector store for hospital 98 and user default -2025-06-09 13:00:55,468 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:55,473 - root - INFO - [chat.py:497] - Loading vector store for hospital 102 and user default -2025-06-09 13:00:55,476 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:55,481 - root - INFO - [chat.py:497] - Loading vector store for hospital 104 and user default -2025-06-09 13:00:55,483 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:55,489 - root - INFO - [chat.py:497] - Loading vector store for hospital 229 and user default -2025-06-09 13:00:55,491 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:55,497 - root - INFO - [chat.py:497] - Loading vector store for hospital 232 and user default -2025-06-09 13:00:55,499 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:55,504 - root - INFO - [chat.py:497] - Loading vector store for hospital 237 and user default -2025-06-09 13:00:55,506 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:55,511 - root - INFO - [chat.py:508] - Creating vector store for hospital 238 -2025-06-09 13:00:55,514 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:00:59,304 - root - INFO - [chat.py:508] - Creating vector store for hospital 247 -2025-06-09 13:00:59,306 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,112 - root - INFO - [chat.py:497] - Loading vector store for hospital 109 and user default -2025-06-09 13:01:03,115 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,120 - root - INFO - [chat.py:497] - Loading vector store for hospital 222 and user default -2025-06-09 13:01:03,123 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,128 - root - INFO - [chat.py:497] - Loading vector store for hospital 234 and user default -2025-06-09 13:01:03,130 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,135 - root - INFO - [chat.py:497] - Loading vector store for hospital 235 and user default -2025-06-09 13:01:03,138 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,143 - root - INFO - [chat.py:497] - Loading vector store for hospital 236 and user default -2025-06-09 13:01:03,145 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,150 - root - INFO - [chat.py:497] - Loading vector store for hospital 149 and user default -2025-06-09 13:01:03,152 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,157 - root - INFO - [chat.py:497] - Loading vector store for hospital 150 and user default -2025-06-09 13:01:03,159 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,164 - root - INFO - [chat.py:497] - Loading vector store for hospital 151 and user default -2025-06-09 13:01:03,166 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,171 - root - INFO - [chat.py:497] - Loading vector store for hospital 152 and user default -2025-06-09 13:01:03,173 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,178 - root - INFO - [chat.py:497] - Loading vector store for hospital 153 and user default -2025-06-09 13:01:03,180 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,185 - root - INFO - [chat.py:497] - Loading vector store for hospital 154 and user default -2025-06-09 13:01:03,187 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,192 - root - INFO - [chat.py:497] - Loading vector store for hospital 155 and user default -2025-06-09 13:01:03,194 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,199 - root - INFO - [chat.py:497] - Loading vector store for hospital 157 and user default -2025-06-09 13:01:03,202 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,207 - root - INFO - [chat.py:497] - Loading vector store for hospital 158 and user default -2025-06-09 13:01:03,209 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,214 - root - INFO - [chat.py:497] - Loading vector store for hospital 160 and user default -2025-06-09 13:01:03,216 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,223 - root - INFO - [chat.py:497] - Loading vector store for hospital 162 and user default -2025-06-09 13:01:03,225 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,230 - root - INFO - [chat.py:497] - Loading vector store for hospital 163 and user default -2025-06-09 13:01:03,233 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,238 - root - INFO - [chat.py:497] - Loading vector store for hospital 166 and user default -2025-06-09 13:01:03,241 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,246 - root - INFO - [chat.py:497] - Loading vector store for hospital 167 and user default -2025-06-09 13:01:03,248 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,253 - root - INFO - [chat.py:497] - Loading vector store for hospital 168 and user default -2025-06-09 13:01:03,256 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,261 - root - INFO - [chat.py:497] - Loading vector store for hospital 169 and user default -2025-06-09 13:01:03,263 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,268 - root - INFO - [chat.py:497] - Loading vector store for hospital 170 and user default -2025-06-09 13:01:03,270 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,276 - root - INFO - [chat.py:497] - Loading vector store for hospital 172 and user default -2025-06-09 13:01:03,278 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,283 - root - INFO - [chat.py:497] - Loading vector store for hospital 173 and user default -2025-06-09 13:01:03,285 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,290 - root - INFO - [chat.py:497] - Loading vector store for hospital 181 and user default -2025-06-09 13:01:03,293 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,298 - root - INFO - [chat.py:497] - Loading vector store for hospital 182 and user default -2025-06-09 13:01:03,300 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,305 - root - INFO - [chat.py:497] - Loading vector store for hospital 183 and user default -2025-06-09 13:01:03,308 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,313 - root - INFO - [chat.py:497] - Loading vector store for hospital 184 and user default -2025-06-09 13:01:03,315 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,321 - root - INFO - [chat.py:497] - Loading vector store for hospital 194 and user default -2025-06-09 13:01:03,323 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,330 - root - INFO - [chat.py:497] - Loading vector store for hospital 195 and user default -2025-06-09 13:01:03,333 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,341 - root - INFO - [chat.py:497] - Loading vector store for hospital 196 and user default -2025-06-09 13:01:03,344 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,350 - root - INFO - [chat.py:497] - Loading vector store for hospital 197 and user default -2025-06-09 13:01:03,352 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,358 - root - INFO - [chat.py:497] - Loading vector store for hospital 198 and user default -2025-06-09 13:01:03,360 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,365 - root - INFO - [chat.py:497] - Loading vector store for hospital 199 and user default -2025-06-09 13:01:03,368 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,373 - root - INFO - [chat.py:497] - Loading vector store for hospital 201 and user default -2025-06-09 13:01:03,376 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,381 - root - INFO - [chat.py:497] - Loading vector store for hospital 202 and user default -2025-06-09 13:01:03,383 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,388 - root - INFO - [chat.py:497] - Loading vector store for hospital 203 and user default -2025-06-09 13:01:03,391 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,395 - root - INFO - [chat.py:497] - Loading vector store for hospital 204 and user default -2025-06-09 13:01:03,398 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,403 - root - INFO - [chat.py:497] - Loading vector store for hospital 206 and user default -2025-06-09 13:01:03,405 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,410 - root - INFO - [chat.py:497] - Loading vector store for hospital 207 and user default -2025-06-09 13:01:03,412 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,417 - root - INFO - [chat.py:497] - Loading vector store for hospital 209 and user default -2025-06-09 13:01:03,420 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,425 - root - INFO - [chat.py:497] - Loading vector store for hospital 210 and user default -2025-06-09 13:01:03,427 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,433 - root - INFO - [chat.py:497] - Loading vector store for hospital 212 and user default -2025-06-09 13:01:03,435 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,440 - root - INFO - [chat.py:497] - Loading vector store for hospital 213 and user default -2025-06-09 13:01:03,442 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,447 - root - INFO - [chat.py:497] - Loading vector store for hospital 224 and user default -2025-06-09 13:01:03,449 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,454 - root - INFO - [chat.py:497] - Loading vector store for hospital 225 and user default -2025-06-09 13:01:03,457 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,462 - root - INFO - [chat.py:497] - Loading vector store for hospital 230 and user default -2025-06-09 13:01:03,464 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,469 - root - INFO - [chat.py:497] - Loading vector store for hospital 231 and user default -2025-06-09 13:01:03,471 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,476 - root - INFO - [chat.py:497] - Loading vector store for hospital 239 and user default -2025-06-09 13:01:03,478 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:03,483 - root - INFO - [chat.py:508] - Creating vector store for hospital 246 -2025-06-09 13:01:03,485 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:07,414 - root - INFO - [chat.py:497] - Loading vector store for hospital 240 and user default -2025-06-09 13:01:07,416 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:07,422 - root - INFO - [chat.py:508] - Creating vector store for hospital 242 -2025-06-09 13:01:07,424 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:11,415 - root - INFO - [chat.py:508] - Creating vector store for hospital 243 -2025-06-09 13:01:11,417 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:15,471 - root - INFO - [chat.py:2264] - Vector stores loaded successfully -2025-06-09 13:01:15,472 - root - INFO - [chat.py:2267] - Starting Flask application on port 5000 -2025-06-09 13:01:15,476 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-09 13:01:15,477 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-09 13:01:20,218 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 13:01:20,225 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 13:01:37,575 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 13:01:37,575 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 13:01:37,576 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 13:01:37,576 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 13:01:41,326 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 13:01:41,328 - root - INFO - [chat.py:2237] - Starting SpurrinAI application -2025-06-09 13:01:41,328 - root - INFO - [chat.py:2238] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 13:01:41,328 - root - INFO - [chat.py:2239] - Environment: production -2025-06-09 13:01:41,328 - root - INFO - [chat.py:2243] - Model manager initialized successfully -2025-06-09 13:01:41,328 - root - INFO - [chat.py:2251] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 13:01:41,329 - root - INFO - [chat.py:2259] - Cleared 0 Redis cache keys -2025-06-09 13:01:41,329 - root - INFO - [chat.py:2262] - Loading existing vector stores... -2025-06-09 13:01:41,332 - root - INFO - [chat.py:497] - Loading vector store for hospital 6 and user default -2025-06-09 13:01:41,632 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,798 - root - INFO - [chat.py:497] - Loading vector store for hospital 10 and user default -2025-06-09 13:01:41,801 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,806 - root - INFO - [chat.py:497] - Loading vector store for hospital 16 and user default -2025-06-09 13:01:41,808 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,813 - root - INFO - [chat.py:497] - Loading vector store for hospital 19 and user default -2025-06-09 13:01:41,816 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,820 - root - INFO - [chat.py:497] - Loading vector store for hospital 26 and user default -2025-06-09 13:01:41,823 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,828 - root - INFO - [chat.py:497] - Loading vector store for hospital 27 and user default -2025-06-09 13:01:41,830 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,835 - root - INFO - [chat.py:497] - Loading vector store for hospital 29 and user default -2025-06-09 13:01:41,837 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,842 - root - INFO - [chat.py:497] - Loading vector store for hospital 31 and user default -2025-06-09 13:01:41,845 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,850 - root - INFO - [chat.py:497] - Loading vector store for hospital 32 and user default -2025-06-09 13:01:41,852 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,857 - root - INFO - [chat.py:497] - Loading vector store for hospital 36 and user default -2025-06-09 13:01:41,860 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,865 - root - INFO - [chat.py:497] - Loading vector store for hospital 37 and user default -2025-06-09 13:01:41,867 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,872 - root - INFO - [chat.py:497] - Loading vector store for hospital 41 and user default -2025-06-09 13:01:41,874 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,879 - root - INFO - [chat.py:497] - Loading vector store for hospital 42 and user default -2025-06-09 13:01:41,882 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,886 - root - INFO - [chat.py:497] - Loading vector store for hospital 47 and user default -2025-06-09 13:01:41,889 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,893 - root - INFO - [chat.py:497] - Loading vector store for hospital 48 and user default -2025-06-09 13:01:41,896 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,901 - root - INFO - [chat.py:497] - Loading vector store for hospital 52 and user default -2025-06-09 13:01:41,904 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,911 - root - INFO - [chat.py:497] - Loading vector store for hospital 53 and user default -2025-06-09 13:01:41,913 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,918 - root - INFO - [chat.py:497] - Loading vector store for hospital 56 and user default -2025-06-09 13:01:41,921 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,926 - root - INFO - [chat.py:497] - Loading vector store for hospital 57 and user default -2025-06-09 13:01:41,930 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,937 - root - INFO - [chat.py:497] - Loading vector store for hospital 59 and user default -2025-06-09 13:01:41,940 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,945 - root - INFO - [chat.py:497] - Loading vector store for hospital 60 and user default -2025-06-09 13:01:41,947 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,952 - root - INFO - [chat.py:497] - Loading vector store for hospital 64 and user default -2025-06-09 13:01:41,955 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,959 - root - INFO - [chat.py:497] - Loading vector store for hospital 65 and user default -2025-06-09 13:01:41,962 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,966 - root - INFO - [chat.py:497] - Loading vector store for hospital 66 and user default -2025-06-09 13:01:41,969 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,974 - root - INFO - [chat.py:497] - Loading vector store for hospital 67 and user default -2025-06-09 13:01:41,976 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,981 - root - INFO - [chat.py:497] - Loading vector store for hospital 68 and user default -2025-06-09 13:01:41,984 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,989 - root - INFO - [chat.py:497] - Loading vector store for hospital 69 and user default -2025-06-09 13:01:41,992 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:41,997 - root - INFO - [chat.py:497] - Loading vector store for hospital 70 and user default -2025-06-09 13:01:42,000 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,005 - root - INFO - [chat.py:497] - Loading vector store for hospital 71 and user default -2025-06-09 13:01:42,008 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,013 - root - INFO - [chat.py:497] - Loading vector store for hospital 72 and user default -2025-06-09 13:01:42,015 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,020 - root - INFO - [chat.py:497] - Loading vector store for hospital 73 and user default -2025-06-09 13:01:42,022 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,027 - root - INFO - [chat.py:497] - Loading vector store for hospital 75 and user default -2025-06-09 13:01:42,030 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,036 - root - INFO - [chat.py:497] - Loading vector store for hospital 76 and user default -2025-06-09 13:01:42,039 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,044 - root - INFO - [chat.py:497] - Loading vector store for hospital 80 and user default -2025-06-09 13:01:42,047 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,052 - root - INFO - [chat.py:497] - Loading vector store for hospital 81 and user default -2025-06-09 13:01:42,054 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,059 - root - INFO - [chat.py:497] - Loading vector store for hospital 86 and user default -2025-06-09 13:01:42,062 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,067 - root - INFO - [chat.py:497] - Loading vector store for hospital 87 and user default -2025-06-09 13:01:42,070 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,075 - root - INFO - [chat.py:497] - Loading vector store for hospital 90 and user default -2025-06-09 13:01:42,077 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,082 - root - INFO - [chat.py:497] - Loading vector store for hospital 91 and user default -2025-06-09 13:01:42,085 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,090 - root - INFO - [chat.py:497] - Loading vector store for hospital 92 and user default -2025-06-09 13:01:42,093 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,098 - root - INFO - [chat.py:497] - Loading vector store for hospital 94 and user default -2025-06-09 13:01:42,101 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,105 - root - INFO - [chat.py:497] - Loading vector store for hospital 95 and user default -2025-06-09 13:01:42,108 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,113 - root - INFO - [chat.py:497] - Loading vector store for hospital 96 and user default -2025-06-09 13:01:42,116 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,121 - root - INFO - [chat.py:497] - Loading vector store for hospital 97 and user default -2025-06-09 13:01:42,124 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,128 - root - INFO - [chat.py:497] - Loading vector store for hospital 99 and user default -2025-06-09 13:01:42,131 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,136 - root - INFO - [chat.py:497] - Loading vector store for hospital 103 and user default -2025-06-09 13:01:42,139 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,149 - root - INFO - [chat.py:497] - Loading vector store for hospital 106 and user default -2025-06-09 13:01:42,153 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,158 - root - INFO - [chat.py:497] - Loading vector store for hospital 107 and user default -2025-06-09 13:01:42,160 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,166 - root - INFO - [chat.py:497] - Loading vector store for hospital 110 and user default -2025-06-09 13:01:42,168 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,173 - root - INFO - [chat.py:497] - Loading vector store for hospital 111 and user default -2025-06-09 13:01:42,176 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,180 - root - INFO - [chat.py:497] - Loading vector store for hospital 112 and user default -2025-06-09 13:01:42,185 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,190 - root - INFO - [chat.py:497] - Loading vector store for hospital 113 and user default -2025-06-09 13:01:42,192 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,197 - root - INFO - [chat.py:497] - Loading vector store for hospital 114 and user default -2025-06-09 13:01:42,200 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,204 - root - INFO - [chat.py:497] - Loading vector store for hospital 116 and user default -2025-06-09 13:01:42,207 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,211 - root - INFO - [chat.py:497] - Loading vector store for hospital 117 and user default -2025-06-09 13:01:42,214 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,219 - root - INFO - [chat.py:497] - Loading vector store for hospital 118 and user default -2025-06-09 13:01:42,221 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,226 - root - INFO - [chat.py:497] - Loading vector store for hospital 119 and user default -2025-06-09 13:01:42,229 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,234 - root - INFO - [chat.py:497] - Loading vector store for hospital 121 and user default -2025-06-09 13:01:42,236 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,241 - root - INFO - [chat.py:497] - Loading vector store for hospital 122 and user default -2025-06-09 13:01:42,244 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,250 - root - INFO - [chat.py:497] - Loading vector store for hospital 123 and user default -2025-06-09 13:01:42,253 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,257 - root - INFO - [chat.py:497] - Loading vector store for hospital 124 and user default -2025-06-09 13:01:42,260 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,266 - root - INFO - [chat.py:497] - Loading vector store for hospital 126 and user default -2025-06-09 13:01:42,269 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,274 - root - INFO - [chat.py:497] - Loading vector store for hospital 127 and user default -2025-06-09 13:01:42,277 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,284 - root - INFO - [chat.py:497] - Loading vector store for hospital 129 and user default -2025-06-09 13:01:42,287 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,292 - root - INFO - [chat.py:497] - Loading vector store for hospital 131 and user default -2025-06-09 13:01:42,295 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,300 - root - INFO - [chat.py:497] - Loading vector store for hospital 132 and user default -2025-06-09 13:01:42,303 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,308 - root - INFO - [chat.py:497] - Loading vector store for hospital 136 and user default -2025-06-09 13:01:42,310 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,576 - root - INFO - [chat.py:497] - Loading vector store for hospital 137 and user default -2025-06-09 13:01:42,579 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,584 - root - INFO - [chat.py:497] - Loading vector store for hospital 141 and user default -2025-06-09 13:01:42,587 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,592 - root - INFO - [chat.py:497] - Loading vector store for hospital 142 and user default -2025-06-09 13:01:42,595 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,600 - root - INFO - [chat.py:497] - Loading vector store for hospital 145 and user default -2025-06-09 13:01:42,603 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,608 - root - INFO - [chat.py:497] - Loading vector store for hospital 146 and user default -2025-06-09 13:01:42,610 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,616 - root - INFO - [chat.py:497] - Loading vector store for hospital 148 and user default -2025-06-09 13:01:42,618 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,623 - root - INFO - [chat.py:497] - Loading vector store for hospital 177 and user default -2025-06-09 13:01:42,626 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,631 - root - INFO - [chat.py:497] - Loading vector store for hospital 178 and user default -2025-06-09 13:01:42,634 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,638 - root - INFO - [chat.py:497] - Loading vector store for hospital 186 and user default -2025-06-09 13:01:42,641 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,646 - root - INFO - [chat.py:497] - Loading vector store for hospital 187 and user default -2025-06-09 13:01:42,649 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,654 - root - INFO - [chat.py:497] - Loading vector store for hospital 191 and user default -2025-06-09 13:01:42,657 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,661 - root - INFO - [chat.py:497] - Loading vector store for hospital 192 and user default -2025-06-09 13:01:42,664 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,669 - root - INFO - [chat.py:497] - Loading vector store for hospital 200 and user default -2025-06-09 13:01:42,671 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,676 - root - INFO - [chat.py:497] - Loading vector store for hospital 248 and user default -2025-06-09 13:01:42,679 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,683 - root - INFO - [chat.py:497] - Loading vector store for hospital 249 and user default -2025-06-09 13:01:42,686 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,691 - root - INFO - [chat.py:497] - Loading vector store for hospital 251 and user default -2025-06-09 13:01:42,694 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,698 - root - INFO - [chat.py:497] - Loading vector store for hospital 252 and user default -2025-06-09 13:01:42,702 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,707 - root - INFO - [chat.py:497] - Loading vector store for hospital 253 and user default -2025-06-09 13:01:42,709 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,714 - root - INFO - [chat.py:497] - Loading vector store for hospital 45 and user default -2025-06-09 13:01:42,717 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,722 - root - INFO - [chat.py:497] - Loading vector store for hospital 63 and user default -2025-06-09 13:01:42,724 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,729 - root - INFO - [chat.py:497] - Loading vector store for hospital 93 and user default -2025-06-09 13:01:42,732 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,737 - root - INFO - [chat.py:497] - Loading vector store for hospital 98 and user default -2025-06-09 13:01:42,740 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,745 - root - INFO - [chat.py:497] - Loading vector store for hospital 102 and user default -2025-06-09 13:01:42,747 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,753 - root - INFO - [chat.py:497] - Loading vector store for hospital 104 and user default -2025-06-09 13:01:42,756 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,760 - root - INFO - [chat.py:497] - Loading vector store for hospital 229 and user default -2025-06-09 13:01:42,763 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,769 - root - INFO - [chat.py:497] - Loading vector store for hospital 232 and user default -2025-06-09 13:01:42,772 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,777 - root - INFO - [chat.py:497] - Loading vector store for hospital 237 and user default -2025-06-09 13:01:42,780 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,784 - root - INFO - [chat.py:497] - Loading vector store for hospital 238 and user default -2025-06-09 13:01:42,787 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,793 - root - INFO - [chat.py:497] - Loading vector store for hospital 247 and user default -2025-06-09 13:01:42,795 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,801 - root - INFO - [chat.py:497] - Loading vector store for hospital 109 and user default -2025-06-09 13:01:42,804 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,809 - root - INFO - [chat.py:497] - Loading vector store for hospital 222 and user default -2025-06-09 13:01:42,812 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,817 - root - INFO - [chat.py:497] - Loading vector store for hospital 234 and user default -2025-06-09 13:01:42,820 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,825 - root - INFO - [chat.py:497] - Loading vector store for hospital 235 and user default -2025-06-09 13:01:42,828 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,833 - root - INFO - [chat.py:497] - Loading vector store for hospital 236 and user default -2025-06-09 13:01:42,836 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,841 - root - INFO - [chat.py:497] - Loading vector store for hospital 149 and user default -2025-06-09 13:01:42,844 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,850 - root - INFO - [chat.py:497] - Loading vector store for hospital 150 and user default -2025-06-09 13:01:42,852 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,857 - root - INFO - [chat.py:497] - Loading vector store for hospital 151 and user default -2025-06-09 13:01:42,860 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,865 - root - INFO - [chat.py:497] - Loading vector store for hospital 152 and user default -2025-06-09 13:01:42,868 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,872 - root - INFO - [chat.py:497] - Loading vector store for hospital 153 and user default -2025-06-09 13:01:42,875 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,880 - root - INFO - [chat.py:497] - Loading vector store for hospital 154 and user default -2025-06-09 13:01:42,883 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,888 - root - INFO - [chat.py:497] - Loading vector store for hospital 155 and user default -2025-06-09 13:01:42,890 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,895 - root - INFO - [chat.py:497] - Loading vector store for hospital 157 and user default -2025-06-09 13:01:42,899 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,909 - root - INFO - [chat.py:497] - Loading vector store for hospital 158 and user default -2025-06-09 13:01:42,911 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,916 - root - INFO - [chat.py:497] - Loading vector store for hospital 160 and user default -2025-06-09 13:01:42,919 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,924 - root - INFO - [chat.py:497] - Loading vector store for hospital 162 and user default -2025-06-09 13:01:42,927 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,932 - root - INFO - [chat.py:497] - Loading vector store for hospital 163 and user default -2025-06-09 13:01:42,935 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,940 - root - INFO - [chat.py:497] - Loading vector store for hospital 166 and user default -2025-06-09 13:01:42,942 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,949 - root - INFO - [chat.py:497] - Loading vector store for hospital 167 and user default -2025-06-09 13:01:42,951 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,956 - root - INFO - [chat.py:497] - Loading vector store for hospital 168 and user default -2025-06-09 13:01:42,959 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,963 - root - INFO - [chat.py:497] - Loading vector store for hospital 169 and user default -2025-06-09 13:01:42,966 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,972 - root - INFO - [chat.py:497] - Loading vector store for hospital 170 and user default -2025-06-09 13:01:42,974 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,979 - root - INFO - [chat.py:497] - Loading vector store for hospital 172 and user default -2025-06-09 13:01:42,982 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,987 - root - INFO - [chat.py:497] - Loading vector store for hospital 173 and user default -2025-06-09 13:01:42,990 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:42,995 - root - INFO - [chat.py:497] - Loading vector store for hospital 181 and user default -2025-06-09 13:01:42,997 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,002 - root - INFO - [chat.py:497] - Loading vector store for hospital 182 and user default -2025-06-09 13:01:43,005 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,010 - root - INFO - [chat.py:497] - Loading vector store for hospital 183 and user default -2025-06-09 13:01:43,013 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,018 - root - INFO - [chat.py:497] - Loading vector store for hospital 184 and user default -2025-06-09 13:01:43,020 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,026 - root - INFO - [chat.py:497] - Loading vector store for hospital 194 and user default -2025-06-09 13:01:43,029 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,034 - root - INFO - [chat.py:497] - Loading vector store for hospital 195 and user default -2025-06-09 13:01:43,036 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,041 - root - INFO - [chat.py:497] - Loading vector store for hospital 196 and user default -2025-06-09 13:01:43,044 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,049 - root - INFO - [chat.py:497] - Loading vector store for hospital 197 and user default -2025-06-09 13:01:43,052 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,057 - root - INFO - [chat.py:497] - Loading vector store for hospital 198 and user default -2025-06-09 13:01:43,060 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,064 - root - INFO - [chat.py:497] - Loading vector store for hospital 199 and user default -2025-06-09 13:01:43,067 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,072 - root - INFO - [chat.py:497] - Loading vector store for hospital 201 and user default -2025-06-09 13:01:43,075 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,080 - root - INFO - [chat.py:497] - Loading vector store for hospital 202 and user default -2025-06-09 13:01:43,082 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,088 - root - INFO - [chat.py:497] - Loading vector store for hospital 203 and user default -2025-06-09 13:01:43,090 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,095 - root - INFO - [chat.py:497] - Loading vector store for hospital 204 and user default -2025-06-09 13:01:43,098 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,102 - root - INFO - [chat.py:497] - Loading vector store for hospital 206 and user default -2025-06-09 13:01:43,105 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,110 - root - INFO - [chat.py:497] - Loading vector store for hospital 207 and user default -2025-06-09 13:01:43,112 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,117 - root - INFO - [chat.py:497] - Loading vector store for hospital 209 and user default -2025-06-09 13:01:43,120 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,124 - root - INFO - [chat.py:497] - Loading vector store for hospital 210 and user default -2025-06-09 13:01:43,127 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,131 - root - INFO - [chat.py:497] - Loading vector store for hospital 212 and user default -2025-06-09 13:01:43,134 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,139 - root - INFO - [chat.py:497] - Loading vector store for hospital 213 and user default -2025-06-09 13:01:43,141 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,146 - root - INFO - [chat.py:497] - Loading vector store for hospital 224 and user default -2025-06-09 13:01:43,148 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,153 - root - INFO - [chat.py:497] - Loading vector store for hospital 225 and user default -2025-06-09 13:01:43,156 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,161 - root - INFO - [chat.py:497] - Loading vector store for hospital 230 and user default -2025-06-09 13:01:43,164 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,168 - root - INFO - [chat.py:497] - Loading vector store for hospital 231 and user default -2025-06-09 13:01:43,171 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,175 - root - INFO - [chat.py:497] - Loading vector store for hospital 239 and user default -2025-06-09 13:01:43,178 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,182 - root - INFO - [chat.py:497] - Loading vector store for hospital 246 and user default -2025-06-09 13:01:43,185 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,189 - root - INFO - [chat.py:497] - Loading vector store for hospital 240 and user default -2025-06-09 13:01:43,192 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,197 - root - INFO - [chat.py:497] - Loading vector store for hospital 242 and user default -2025-06-09 13:01:43,199 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,204 - root - INFO - [chat.py:497] - Loading vector store for hospital 243 and user default -2025-06-09 13:01:43,206 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 13:01:43,211 - root - INFO - [chat.py:2264] - Vector stores loaded successfully -2025-06-09 13:01:43,211 - root - INFO - [chat.py:2267] - Starting Flask application on port 5000 -2025-06-09 13:01:43,215 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-09 13:01:43,216 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-09 13:03:46,712 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 13:03:46,714 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 464 -2025-06-09 13:03:46,719 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 13:03:46,719 - root - INFO - [chat.py:1980] - Starting processing of document 464 -2025-06-09 13:03:46,720 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 13:03:46,790 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 13:03:47,528 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 13:03:47,532 - root - INFO - [chat.py:572] - Processing 1 pages for document 464 -2025-06-09 13:03:48,622 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:03:48,781 - root - INFO - [chat.py:650] - Successfully indexed document 464 -2025-06-09 13:03:48,783 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 13:03:48,998 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 2.286s - IP: 127.0.0.1 -2025-06-09 13:03:48,999 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:03:48] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 13:04:09,164 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 13:04:09,166 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 465 -2025-06-09 13:04:09,169 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 13:04:09,169 - root - INFO - [chat.py:1980] - Starting processing of document 465 -2025-06-09 13:04:09,170 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 13:04:09,179 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 13:04:09,606 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 13:04:09,609 - root - INFO - [chat.py:572] - Processing 1 pages for document 465 -2025-06-09 13:04:10,128 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:04:10,446 - root - INFO - [chat.py:650] - Successfully indexed document 465 -2025-06-09 13:04:10,447 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 13:04:10,537 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 1.373s - IP: 127.0.0.1 -2025-06-09 13:04:10,538 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:04:10] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 13:05:37,649 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 13:05:37,652 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 466 -2025-06-09 13:05:37,658 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 13:05:37,659 - root - INFO - [chat.py:1980] - Starting processing of document 466 -2025-06-09 13:05:37,660 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 13:05:37,669 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 13:05:37,861 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 13:05:37,865 - root - INFO - [chat.py:572] - Processing 1 pages for document 466 -2025-06-09 13:05:40,649 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:05:40,759 - root - INFO - [chat.py:650] - Successfully indexed document 466 -2025-06-09 13:05:40,760 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 13:05:40,884 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 3.235s - IP: 127.0.0.1 -2025-06-09 13:05:40,884 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:05:40] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 13:13:27,932 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:13:27,934 - root - INFO - [chat.py:2060] - Received question from user default: tell me difference between cylinders and oxygen concentrator -2025-06-09 13:13:27,934 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:13:27,934 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:13:27,940 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:13:28,544 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:13:29,532 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:tell me difference between cylinders and oxygen concentrator -2025-06-09 13:13:30,227 - root - INFO - [chat.py:1727] - Total context length: 656 words -2025-06-09 13:13:30,227 - root - INFO - [chat.py:745] - Key words: ['difference', 'between', 'cylinders', 'oxygen', 'concentrator'] -2025-06-09 13:13:30,228 - root - INFO - [chat.py:752] - Matches: 1 out of 5 keywords -2025-06-09 13:13:30,228 - root - INFO - [chat.py:755] - Match ratio: 0.2 -2025-06-09 13:13:30,228 - root - INFO - [chat.py:1742] - B -2025-06-09 13:13:30,228 - root - INFO - [chat.py:1743] - No relevant context or general knowledge question detected -2025-06-09 13:13:30,229 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:13:30,230 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 2.298s - IP: 127.0.0.1 -2025-06-09 13:13:30,232 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:13:30] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:13:54,677 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:13:54,677 - root - INFO - [chat.py:2060] - Received question from user default: tell me about payroll deduction in catholic healthcare -2025-06-09 13:13:54,678 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:13:54,678 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:13:54,681 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:13:55,249 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:13:55,543 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:tell me about payroll deduction in catholic healthcare -2025-06-09 13:13:56,219 - root - INFO - [chat.py:1727] - Total context length: 719 words -2025-06-09 13:13:56,220 - root - INFO - [chat.py:745] - Key words: ['payroll', 'deduction', 'catholic', 'healthcare'] -2025-06-09 13:13:56,220 - root - INFO - [chat.py:752] - Matches: 4 out of 4 keywords -2025-06-09 13:13:56,220 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-09 13:13:56,299 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:13:56,299 - root - INFO - [chat.py:1813] - - Referential words: False -2025-06-09 13:13:56,299 - root - INFO - [chat.py:1814] - - Term similarity: 0.00 -2025-06-09 13:13:56,299 - root - INFO - [chat.py:1815] - - Entity overlap: False -2025-06-09 13:13:56,299 - root - INFO - [chat.py:1816] - - SpaCy similarity: 0.67 -2025-06-09 13:13:56,299 - root - INFO - [chat.py:1817] - - Is follow-up: False -2025-06-09 13:13:59,707 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:13:59,712 - root - INFO - [chat.py:1861] - Generated RAG answer for question: tell me about payroll deduction in catholic healthcare -2025-06-09 13:13:59,713 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:13:59,714 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 5.037s - IP: 127.0.0.1 -2025-06-09 13:13:59,714 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:13:59] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:14:17,423 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:14:17,423 - root - INFO - [chat.py:2060] - Received question from user default: what are the different classification of employment in catholic healthcare -2025-06-09 13:14:17,423 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:14:17,423 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:14:17,425 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:14:17,806 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:14:18,135 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:what are the different classification of employment in catholic healthcare -2025-06-09 13:14:18,718 - root - INFO - [chat.py:1727] - Total context length: 673 words -2025-06-09 13:14:18,718 - root - INFO - [chat.py:745] - Key words: ['classification', 'employment', 'catholic', 'healthcare'] -2025-06-09 13:14:18,718 - root - INFO - [chat.py:752] - Matches: 3 out of 4 keywords -2025-06-09 13:14:18,719 - root - INFO - [chat.py:755] - Match ratio: 0.75 -2025-06-09 13:14:18,774 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:14:18,775 - root - INFO - [chat.py:1813] - - Referential words: False -2025-06-09 13:14:18,775 - root - INFO - [chat.py:1814] - - Term similarity: 0.02 -2025-06-09 13:14:18,775 - root - INFO - [chat.py:1815] - - Entity overlap: True -2025-06-09 13:14:18,775 - root - INFO - [chat.py:1816] - - SpaCy similarity: 0.62 -2025-06-09 13:14:18,775 - root - INFO - [chat.py:1817] - - Is follow-up: False -2025-06-09 13:14:21,229 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:14:21,230 - root - INFO - [chat.py:1861] - Generated RAG answer for question: what are the different classification of employment in catholic healthcare -2025-06-09 13:14:21,231 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:14:21,231 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 3.809s - IP: 127.0.0.1 -2025-06-09 13:14:21,232 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:14:21] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:15:00,789 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:15:00,790 - root - INFO - [chat.py:2060] - Received question from user default: tell me about rakesh sharma -2025-06-09 13:15:00,790 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:15:00,790 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:15:00,794 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:15:01,278 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:15:01,613 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:tell me about rakesh sharma -2025-06-09 13:15:02,262 - root - INFO - [chat.py:1727] - Total context length: 383 words -2025-06-09 13:15:02,262 - root - INFO - [chat.py:745] - Key words: ['rakesh', 'sharma'] -2025-06-09 13:15:02,262 - root - INFO - [chat.py:752] - Matches: 1 out of 2 keywords -2025-06-09 13:15:02,262 - root - INFO - [chat.py:755] - Match ratio: 0.5 -2025-06-09 13:15:02,262 - root - INFO - [chat.py:1742] - B -2025-06-09 13:15:02,262 - root - INFO - [chat.py:1743] - No relevant context or general knowledge question detected -2025-06-09 13:15:02,263 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:15:02,264 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 1.475s - IP: 127.0.0.1 -2025-06-09 13:15:02,265 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:15:02] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:15:22,589 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:15:22,589 - root - INFO - [chat.py:2060] - Received question from user default: tell me about ramesh sharma -2025-06-09 13:15:22,589 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:15:22,589 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:15:22,596 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:15:23,191 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:15:23,487 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:tell me about ramesh sharma -2025-06-09 13:15:24,042 - root - INFO - [chat.py:1727] - Total context length: 350 words -2025-06-09 13:15:24,043 - root - INFO - [chat.py:745] - Key words: ['ramesh', 'sharma'] -2025-06-09 13:15:24,043 - root - INFO - [chat.py:752] - Matches: 2 out of 2 keywords -2025-06-09 13:15:24,043 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-09 13:15:24,058 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:15:24,059 - root - INFO - [chat.py:1813] - - Referential words: False -2025-06-09 13:15:24,059 - root - INFO - [chat.py:1814] - - Term similarity: 0.09 -2025-06-09 13:15:24,059 - root - INFO - [chat.py:1815] - - Entity overlap: False -2025-06-09 13:15:24,060 - root - INFO - [chat.py:1816] - - SpaCy similarity: 0.69 -2025-06-09 13:15:24,060 - root - INFO - [chat.py:1817] - - Is follow-up: False -2025-06-09 13:15:27,807 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:15:27,811 - root - INFO - [chat.py:1861] - Generated RAG answer for question: tell me about ramesh sharma -2025-06-09 13:15:27,812 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:15:27,812 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 5.224s - IP: 127.0.0.1 -2025-06-09 13:15:27,813 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:15:27] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:15:46,770 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:15:46,771 - root - INFO - [chat.py:2060] - Received question from user default: what is his family type -2025-06-09 13:15:46,771 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:15:46,771 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:15:46,774 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:15:47,268 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:15:47,622 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:what is his family type -2025-06-09 13:15:48,172 - root - INFO - [chat.py:1727] - Total context length: 717 words -2025-06-09 13:15:48,172 - root - INFO - [chat.py:745] - Key words: ['his', 'family'] -2025-06-09 13:15:48,173 - root - INFO - [chat.py:752] - Matches: 2 out of 2 keywords -2025-06-09 13:15:48,173 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-09 13:15:48,231 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:15:48,232 - root - INFO - [chat.py:1813] - - Referential words: True -2025-06-09 13:15:48,232 - root - INFO - [chat.py:1814] - - Term similarity: 0.00 -2025-06-09 13:15:48,232 - root - INFO - [chat.py:1815] - - Entity overlap: False -2025-06-09 13:15:48,232 - root - INFO - [chat.py:1816] - - SpaCy similarity: -0.06 -2025-06-09 13:15:48,232 - root - INFO - [chat.py:1817] - - Is follow-up: True -2025-06-09 13:15:48,954 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:15:48,957 - root - INFO - [chat.py:1861] - Generated RAG answer for question: what is his family type -2025-06-09 13:15:48,958 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:15:48,958 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 2.188s - IP: 127.0.0.1 -2025-06-09 13:15:48,959 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:15:48] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:15:57,542 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:15:57,543 - root - INFO - [chat.py:2060] - Received question from user default: when was the pay day in catholic healthcare -2025-06-09 13:15:57,543 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:15:57,543 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:15:57,547 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:15:57,953 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:15:58,271 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:when was the pay day in catholic healthcare -2025-06-09 13:15:58,947 - root - INFO - [chat.py:1727] - Total context length: 739 words -2025-06-09 13:15:58,947 - root - INFO - [chat.py:745] - Key words: ['pay', 'day', 'catholic', 'healthcare'] -2025-06-09 13:15:58,947 - root - INFO - [chat.py:752] - Matches: 4 out of 4 keywords -2025-06-09 13:15:58,948 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-09 13:15:58,963 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:15:58,963 - root - INFO - [chat.py:1813] - - Referential words: False -2025-06-09 13:15:58,963 - root - INFO - [chat.py:1814] - - Term similarity: 0.00 -2025-06-09 13:15:58,964 - root - INFO - [chat.py:1815] - - Entity overlap: False -2025-06-09 13:15:58,964 - root - INFO - [chat.py:1816] - - SpaCy similarity: 0.37 -2025-06-09 13:15:58,964 - root - INFO - [chat.py:1817] - - Is follow-up: False -2025-06-09 13:16:00,166 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:16:00,167 - root - INFO - [chat.py:1861] - Generated RAG answer for question: when was the pay day in catholic healthcare -2025-06-09 13:16:00,168 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:16:00,169 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 2.627s - IP: 127.0.0.1 -2025-06-09 13:16:00,169 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:16:00] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:16:28,464 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:16:28,464 - root - INFO - [chat.py:2060] - Received question from user default: what is the code for para typhoid fever a -2025-06-09 13:16:28,465 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:16:28,465 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:16:28,470 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:16:28,899 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:16:29,224 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:what is the code for para typhoid fever a -2025-06-09 13:16:29,787 - root - INFO - [chat.py:1727] - Total context length: 496 words -2025-06-09 13:16:29,787 - root - INFO - [chat.py:745] - Key words: ['code', 'para', 'typhoid', 'fever'] -2025-06-09 13:16:29,787 - root - INFO - [chat.py:752] - Matches: 4 out of 4 keywords -2025-06-09 13:16:29,787 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-09 13:16:29,819 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:16:29,819 - root - INFO - [chat.py:1813] - - Referential words: False -2025-06-09 13:16:29,820 - root - INFO - [chat.py:1814] - - Term similarity: 0.00 -2025-06-09 13:16:29,820 - root - INFO - [chat.py:1815] - - Entity overlap: False -2025-06-09 13:16:29,820 - root - INFO - [chat.py:1816] - - SpaCy similarity: 0.57 -2025-06-09 13:16:29,820 - root - INFO - [chat.py:1817] - - Is follow-up: False -2025-06-09 13:16:30,510 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:16:30,518 - root - INFO - [chat.py:1861] - Generated RAG answer for question: what is the code for para typhoid fever a -2025-06-09 13:16:30,519 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:16:30,519 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 2.056s - IP: 127.0.0.1 -2025-06-09 13:16:30,520 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:16:30] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:16:44,514 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:16:44,514 - root - INFO - [chat.py:2060] - Received question from user default: what is a000 in icd -2025-06-09 13:16:44,514 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:16:44,514 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:16:44,517 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:16:46,114 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:16:46,420 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:what is a000 in icd -2025-06-09 13:16:46,911 - root - INFO - [chat.py:1727] - Total context length: 506 words -2025-06-09 13:16:46,912 - root - INFO - [chat.py:745] - Key words: ['a000', 'icd'] -2025-06-09 13:16:46,912 - root - INFO - [chat.py:752] - Matches: 2 out of 2 keywords -2025-06-09 13:16:46,912 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-09 13:16:46,929 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:16:46,929 - root - INFO - [chat.py:1813] - - Referential words: False -2025-06-09 13:16:46,929 - root - INFO - [chat.py:1814] - - Term similarity: 0.00 -2025-06-09 13:16:46,929 - root - INFO - [chat.py:1815] - - Entity overlap: False -2025-06-09 13:16:46,930 - root - INFO - [chat.py:1816] - - SpaCy similarity: 0.40 -2025-06-09 13:16:46,930 - root - INFO - [chat.py:1817] - - Is follow-up: False -2025-06-09 13:16:47,895 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:16:47,896 - root - INFO - [chat.py:1861] - Generated RAG answer for question: what is a000 in icd -2025-06-09 13:16:47,897 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:16:47,898 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 3.384s - IP: 127.0.0.1 -2025-06-09 13:16:47,898 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:16:47] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:16:58,457 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:16:58,457 - root - INFO - [chat.py:2060] - Received question from user default: what is the age of rakesh sharma -2025-06-09 13:16:58,457 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:16:58,457 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:16:58,461 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:16:58,889 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:16:59,193 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:what is the age of rakesh sharma -2025-06-09 13:16:59,634 - root - INFO - [chat.py:1727] - Total context length: 342 words -2025-06-09 13:16:59,635 - root - INFO - [chat.py:745] - Key words: ['age', 'rakesh', 'sharma'] -2025-06-09 13:16:59,635 - root - INFO - [chat.py:752] - Matches: 2 out of 3 keywords -2025-06-09 13:16:59,635 - root - INFO - [chat.py:755] - Match ratio: 0.6666666666666666 -2025-06-09 13:16:59,651 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:16:59,652 - root - INFO - [chat.py:1813] - - Referential words: False -2025-06-09 13:16:59,652 - root - INFO - [chat.py:1814] - - Term similarity: 0.00 -2025-06-09 13:16:59,652 - root - INFO - [chat.py:1815] - - Entity overlap: False -2025-06-09 13:16:59,652 - root - INFO - [chat.py:1816] - - SpaCy similarity: 0.45 -2025-06-09 13:16:59,652 - root - INFO - [chat.py:1817] - - Is follow-up: False -2025-06-09 13:17:04,736 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:17:04,737 - root - INFO - [chat.py:1861] - Generated RAG answer for question: what is the age of rakesh sharma -2025-06-09 13:17:04,738 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:17:04,739 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 6.282s - IP: 127.0.0.1 -2025-06-09 13:17:04,739 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:17:04] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:17:18,870 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:17:18,870 - root - INFO - [chat.py:2060] - Received question from user default: who is the president of catholic healthcare -2025-06-09 13:17:18,870 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:17:18,870 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:17:18,874 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:17:19,528 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:17:19,842 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:who is the president of catholic healthcare -2025-06-09 13:17:20,340 - root - INFO - [chat.py:1727] - Total context length: 774 words -2025-06-09 13:17:20,341 - root - INFO - [chat.py:745] - Key words: ['president', 'catholic', 'healthcare'] -2025-06-09 13:17:20,341 - root - INFO - [chat.py:752] - Matches: 3 out of 3 keywords -2025-06-09 13:17:20,341 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-09 13:17:20,358 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:17:20,358 - root - INFO - [chat.py:1813] - - Referential words: False -2025-06-09 13:17:20,358 - root - INFO - [chat.py:1814] - - Term similarity: 0.00 -2025-06-09 13:17:20,358 - root - INFO - [chat.py:1815] - - Entity overlap: False -2025-06-09 13:17:20,358 - root - INFO - [chat.py:1816] - - SpaCy similarity: 0.59 -2025-06-09 13:17:20,358 - root - INFO - [chat.py:1817] - - Is follow-up: False -2025-06-09 13:17:23,462 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:17:23,464 - root - INFO - [chat.py:1861] - Generated RAG answer for question: who is the president of catholic healthcare -2025-06-09 13:17:23,465 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:17:23,466 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 4.596s - IP: 127.0.0.1 -2025-06-09 13:17:23,466 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:17:23] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:20:14,649 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 13:20:14,651 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 229, doc_id 467 -2025-06-09 13:20:14,654 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 13:20:14,655 - root - INFO - [chat.py:1980] - Starting processing of document 467 -2025-06-09 13:20:14,656 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 13:20:14,661 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 13:20:14,801 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 13:20:14,804 - root - INFO - [chat.py:572] - Processing 1 pages for document 467 -2025-06-09 13:20:15,552 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:20:15,649 - root - INFO - [chat.py:650] - Successfully indexed document 467 -2025-06-09 13:20:15,650 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 13:20:15,718 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 1.069s - IP: 127.0.0.1 -2025-06-09 13:20:15,719 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:20:15] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 13:20:32,522 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:20:32,522 - root - INFO - [chat.py:2060] - Received question from user default: tell me about pneumonia -2025-06-09 13:20:32,523 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:20:32,523 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:20:32,527 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:20:32,998 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:20:33,312 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:tell me about pneumonia -2025-06-09 13:20:33,860 - root - INFO - [chat.py:1727] - Total context length: 473 words -2025-06-09 13:20:33,860 - root - INFO - [chat.py:745] - Key words: ['pneumonia'] -2025-06-09 13:20:33,861 - root - INFO - [chat.py:752] - Matches: 1 out of 1 keywords -2025-06-09 13:20:33,861 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-09 13:20:33,877 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:20:33,877 - root - INFO - [chat.py:1813] - - Referential words: False -2025-06-09 13:20:33,877 - root - INFO - [chat.py:1814] - - Term similarity: 0.00 -2025-06-09 13:20:33,877 - root - INFO - [chat.py:1815] - - Entity overlap: False -2025-06-09 13:20:33,878 - root - INFO - [chat.py:1816] - - SpaCy similarity: 0.31 -2025-06-09 13:20:33,878 - root - INFO - [chat.py:1817] - - Is follow-up: False -2025-06-09 13:20:40,390 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:20:40,393 - root - INFO - [chat.py:1861] - Generated RAG answer for question: tell me about pneumonia -2025-06-09 13:20:40,394 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:20:40,394 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 7.873s - IP: 127.0.0.1 -2025-06-09 13:20:40,395 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:20:40] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:21:34,927 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:21:34,929 - root - INFO - [chat.py:2060] - Received question from user default: tell me about rakesh sharma -2025-06-09 13:21:34,929 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:21:34,929 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:21:34,932 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:21:34,933 - root - INFO - [chat.py:1183] - Cache hit for key: context:hospital_229:tell me about rakesh sharma -2025-06-09 13:21:35,480 - root - INFO - [chat.py:1727] - Total context length: 383 words -2025-06-09 13:21:35,481 - root - INFO - [chat.py:745] - Key words: ['rakesh', 'sharma'] -2025-06-09 13:21:35,481 - root - INFO - [chat.py:752] - Matches: 1 out of 2 keywords -2025-06-09 13:21:35,481 - root - INFO - [chat.py:755] - Match ratio: 0.5 -2025-06-09 13:21:35,481 - root - INFO - [chat.py:1742] - B -2025-06-09 13:21:35,481 - root - INFO - [chat.py:1743] - No relevant context or general knowledge question detected -2025-06-09 13:21:35,482 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:21:35,482 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 0.555s - IP: 127.0.0.1 -2025-06-09 13:21:35,483 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:21:35] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:21:57,067 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:21:57,069 - root - INFO - [chat.py:2060] - Received question from user default: who is rakesh sharma -2025-06-09 13:21:57,069 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:21:57,069 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:21:57,072 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:21:57,579 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:21:57,884 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:who is rakesh sharma -2025-06-09 13:21:58,402 - root - INFO - [chat.py:1727] - Total context length: 441 words -2025-06-09 13:21:58,402 - root - INFO - [chat.py:745] - Key words: ['rakesh', 'sharma'] -2025-06-09 13:21:58,402 - root - INFO - [chat.py:752] - Matches: 2 out of 2 keywords -2025-06-09 13:21:58,402 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-09 13:21:58,417 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:21:58,417 - root - INFO - [chat.py:1813] - - Referential words: False -2025-06-09 13:21:58,417 - root - INFO - [chat.py:1814] - - Term similarity: 0.20 -2025-06-09 13:21:58,417 - root - INFO - [chat.py:1815] - - Entity overlap: False -2025-06-09 13:21:58,417 - root - INFO - [chat.py:1816] - - SpaCy similarity: 0.21 -2025-06-09 13:21:58,417 - root - INFO - [chat.py:1817] - - Is follow-up: False -2025-06-09 13:22:00,009 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:22:00,011 - root - INFO - [chat.py:1861] - Generated RAG answer for question: who is rakesh sharma -2025-06-09 13:22:00,012 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:22:00,013 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 2.945s - IP: 127.0.0.1 -2025-06-09 13:22:00,013 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:22:00] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:22:31,965 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:22:31,965 - root - INFO - [chat.py:2060] - Received question from user default: at what time akash will go for gym -2025-06-09 13:22:31,965 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:22:31,965 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:22:31,969 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:22:32,540 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:22:32,900 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:at what time akash will go for gym -2025-06-09 13:22:33,489 - root - INFO - [chat.py:1727] - Total context length: 676 words -2025-06-09 13:22:33,490 - root - INFO - [chat.py:745] - Key words: ['time', 'akash', 'will', 'gym'] -2025-06-09 13:22:33,490 - root - INFO - [chat.py:752] - Matches: 4 out of 4 keywords -2025-06-09 13:22:33,490 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-09 13:22:33,522 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:22:33,522 - root - INFO - [chat.py:1813] - - Referential words: False -2025-06-09 13:22:33,523 - root - INFO - [chat.py:1814] - - Term similarity: 0.00 -2025-06-09 13:22:33,523 - root - INFO - [chat.py:1815] - - Entity overlap: False -2025-06-09 13:22:33,523 - root - INFO - [chat.py:1816] - - SpaCy similarity: 0.37 -2025-06-09 13:22:33,523 - root - INFO - [chat.py:1817] - - Is follow-up: False -2025-06-09 13:22:46,894 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:22:46,898 - root - INFO - [chat.py:1861] - Generated RAG answer for question: at what time akash will go for gym -2025-06-09 13:22:46,899 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:22:46,900 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 14.935s - IP: 127.0.0.1 -2025-06-09 13:22:46,900 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:22:46] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:24:29,026 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:24:29,027 - root - INFO - [chat.py:2060] - Received question from user default: pay day in catholic -2025-06-09 13:24:29,027 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:24:29,027 - root - INFO - [chat.py:2062] - Received session_id: 4 -2025-06-09 13:24:29,030 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:24:29,443 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:24:29,759 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:pay day in catholic -2025-06-09 13:24:30,239 - root - INFO - [chat.py:1727] - Total context length: 679 words -2025-06-09 13:24:30,240 - root - INFO - [chat.py:745] - Key words: ['pay', 'day', 'catholic'] -2025-06-09 13:24:30,240 - root - INFO - [chat.py:752] - Matches: 3 out of 3 keywords -2025-06-09 13:24:30,240 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-09 13:24:30,260 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:24:30,260 - root - INFO - [chat.py:1813] - - Referential words: False -2025-06-09 13:24:30,260 - root - INFO - [chat.py:1814] - - Term similarity: 0.00 -2025-06-09 13:24:30,260 - root - INFO - [chat.py:1815] - - Entity overlap: False -2025-06-09 13:24:30,260 - root - INFO - [chat.py:1816] - - SpaCy similarity: 0.50 -2025-06-09 13:24:30,261 - root - INFO - [chat.py:1817] - - Is follow-up: False -2025-06-09 13:24:31,307 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:24:31,313 - root - INFO - [chat.py:1861] - Generated RAG answer for question: pay day in catholic -2025-06-09 13:24:31,314 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:4 -2025-06-09 13:24:31,314 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 2.289s - IP: 127.0.0.1 -2025-06-09 13:24:31,315 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:24:31] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:26:40,340 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:26:40,341 - root - INFO - [chat.py:2060] - Received question from user default: what is the code for paratyphoid fever b -2025-06-09 13:26:40,341 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:26:40,341 - root - INFO - [chat.py:2062] - Received session_id: 5 -2025-06-09 13:26:40,346 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:26:40,708 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:26:41,035 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:what is the code for paratyphoid fever b -2025-06-09 13:26:41,606 - root - INFO - [chat.py:1727] - Total context length: 286 words -2025-06-09 13:26:41,606 - root - INFO - [chat.py:745] - Key words: ['code', 'paratyphoid', 'fever'] -2025-06-09 13:26:41,607 - root - INFO - [chat.py:752] - Matches: 3 out of 3 keywords -2025-06-09 13:26:41,607 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-09 13:26:42,385 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:26:42,387 - root - INFO - [chat.py:1861] - Generated RAG answer for question: what is the code for paratyphoid fever b -2025-06-09 13:26:42,388 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:5 -2025-06-09 13:26:42,389 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 2.049s - IP: 127.0.0.1 -2025-06-09 13:26:42,389 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:26:42] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:26:51,824 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:26:51,824 - root - INFO - [chat.py:2060] - Received question from user default: what is the code for para typhoid fever a -2025-06-09 13:26:51,825 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:26:51,825 - root - INFO - [chat.py:2062] - Received session_id: 5 -2025-06-09 13:26:51,829 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:26:51,830 - root - INFO - [chat.py:1183] - Cache hit for key: context:hospital_229:what is the code for para typhoid fever a -2025-06-09 13:26:52,376 - root - INFO - [chat.py:1727] - Total context length: 496 words -2025-06-09 13:26:52,376 - root - INFO - [chat.py:745] - Key words: ['code', 'para', 'typhoid', 'fever'] -2025-06-09 13:26:52,377 - root - INFO - [chat.py:752] - Matches: 4 out of 4 keywords -2025-06-09 13:26:52,377 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-09 13:26:52,398 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:26:52,398 - root - INFO - [chat.py:1813] - - Referential words: False -2025-06-09 13:26:52,398 - root - INFO - [chat.py:1814] - - Term similarity: 0.25 -2025-06-09 13:26:52,398 - root - INFO - [chat.py:1815] - - Entity overlap: False -2025-06-09 13:26:52,398 - root - INFO - [chat.py:1816] - - SpaCy similarity: 0.63 -2025-06-09 13:26:52,398 - root - INFO - [chat.py:1817] - - Is follow-up: False -2025-06-09 13:26:53,114 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:26:53,119 - root - INFO - [chat.py:1861] - Generated RAG answer for question: what is the code for para typhoid fever a -2025-06-09 13:26:53,120 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:5 -2025-06-09 13:26:53,120 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 1.296s - IP: 127.0.0.1 -2025-06-09 13:26:53,121 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:26:53] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:30:06,806 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:30:06,806 - root - INFO - [chat.py:2060] - Received question from user default: family id of ramesh sharma -2025-06-09 13:30:06,806 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:30:06,807 - root - INFO - [chat.py:2062] - Received session_id: 5 -2025-06-09 13:30:06,811 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:30:07,259 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:30:07,583 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:family id of ramesh sharma -2025-06-09 13:30:08,003 - root - INFO - [chat.py:1727] - Total context length: 389 words -2025-06-09 13:30:08,003 - root - INFO - [chat.py:745] - Key words: ['family', 'ramesh', 'sharma'] -2025-06-09 13:30:08,003 - root - INFO - [chat.py:752] - Matches: 3 out of 3 keywords -2025-06-09 13:30:08,003 - root - INFO - [chat.py:755] - Match ratio: 1.0 -2025-06-09 13:30:08,019 - root - INFO - [chat.py:1812] - Follow-up analysis: -2025-06-09 13:30:08,020 - root - INFO - [chat.py:1813] - - Referential words: False -2025-06-09 13:30:08,020 - root - INFO - [chat.py:1814] - - Term similarity: 0.00 -2025-06-09 13:30:08,020 - root - INFO - [chat.py:1815] - - Entity overlap: False -2025-06-09 13:30:08,020 - root - INFO - [chat.py:1816] - - SpaCy similarity: 0.61 -2025-06-09 13:30:08,020 - root - INFO - [chat.py:1817] - - Is follow-up: False -2025-06-09 13:30:08,788 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/chat/completions "HTTP/1.1 200 OK" -2025-06-09 13:30:08,789 - root - INFO - [chat.py:1861] - Generated RAG answer for question: family id of ramesh sharma -2025-06-09 13:30:08,790 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:5 -2025-06-09 13:30:08,790 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 1.985s - IP: 127.0.0.1 -2025-06-09 13:30:08,791 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:30:08] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:30:23,416 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:30:23,416 - root - INFO - [chat.py:2060] - Received question from user default: what is his wife name -2025-06-09 13:30:23,417 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:30:23,417 - root - INFO - [chat.py:2062] - Received session_id: 5 -2025-06-09 13:30:23,420 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:30:23,801 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:30:24,105 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:what is his wife name -2025-06-09 13:30:24,621 - root - INFO - [chat.py:1727] - Total context length: 191 words -2025-06-09 13:30:24,621 - root - INFO - [chat.py:745] - Key words: ['his', 'wife', 'name'] -2025-06-09 13:30:24,621 - root - INFO - [chat.py:752] - Matches: 1 out of 3 keywords -2025-06-09 13:30:24,621 - root - INFO - [chat.py:755] - Match ratio: 0.3333333333333333 -2025-06-09 13:30:24,621 - root - INFO - [chat.py:1742] - B -2025-06-09 13:30:24,621 - root - INFO - [chat.py:1743] - No relevant context or general knowledge question detected -2025-06-09 13:30:24,622 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:5 -2025-06-09 13:30:24,623 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 1.207s - IP: 127.0.0.1 -2025-06-09 13:30:24,623 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:30:24] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:30:34,372 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:30:34,372 - root - INFO - [chat.py:2060] - Received question from user default: what is this daughter name -2025-06-09 13:30:34,372 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:30:34,372 - root - INFO - [chat.py:2062] - Received session_id: 5 -2025-06-09 13:30:34,375 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:30:34,757 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:30:35,056 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:what is this daughter name -2025-06-09 13:30:35,611 - root - INFO - [chat.py:1727] - Total context length: 372 words -2025-06-09 13:30:35,611 - root - INFO - [chat.py:745] - Key words: ['this', 'daughter', 'name'] -2025-06-09 13:30:35,611 - root - INFO - [chat.py:752] - Matches: 1 out of 3 keywords -2025-06-09 13:30:35,611 - root - INFO - [chat.py:755] - Match ratio: 0.3333333333333333 -2025-06-09 13:30:35,611 - root - INFO - [chat.py:1742] - B -2025-06-09 13:30:35,612 - root - INFO - [chat.py:1743] - No relevant context or general knowledge question detected -2025-06-09 13:30:35,612 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:5 -2025-06-09 13:30:35,613 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 1.241s - IP: 127.0.0.1 -2025-06-09 13:30:35,613 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:30:35] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 13:30:47,901 - access - INFO - [chat.py:2051] - Generate answer request received from 127.0.0.1 -2025-06-09 13:30:47,901 - root - INFO - [chat.py:2060] - Received question from user default: what is his daughter name -2025-06-09 13:30:47,901 - root - INFO - [chat.py:2061] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 13:30:47,901 - root - INFO - [chat.py:2062] - Received session_id: 5 -2025-06-09 13:30:47,904 - root - INFO - [chat.py:2070] - Resolved hospital ID: 229 -2025-06-09 13:30:48,315 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 13:30:48,631 - root - INFO - [chat.py:1237] - Cached context for key: context:hospital_229:what is his daughter name -2025-06-09 13:30:49,235 - root - INFO - [chat.py:1727] - Total context length: 230 words -2025-06-09 13:30:49,235 - root - INFO - [chat.py:745] - Key words: ['his', 'daughter', 'name'] -2025-06-09 13:30:49,235 - root - INFO - [chat.py:752] - Matches: 1 out of 3 keywords -2025-06-09 13:30:49,235 - root - INFO - [chat.py:755] - Match ratio: 0.3333333333333333 -2025-06-09 13:30:49,235 - root - INFO - [chat.py:1742] - B -2025-06-09 13:30:49,235 - root - INFO - [chat.py:1743] - No relevant context or general knowledge question detected -2025-06-09 13:30:49,236 - root - INFO - [chat.py:909] - Stored RAG interaction in Redis for default:229:5 -2025-06-09 13:30:49,237 - access - INFO - [chat.py:2229] - "POST /flask-api/generate-answer" 200 - Duration: 1.336s - IP: 127.0.0.1 -2025-06-09 13:30:49,237 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 13:30:49] "POST /flask-api/generate-answer HTTP/1.1" 200 - -2025-06-09 14:22:55,613 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 14:22:55,617 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 468 -2025-06-09 14:22:55,622 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:22:55,623 - root - INFO - [chat.py:1980] - Starting processing of document 468 -2025-06-09 14:22:55,624 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 14:22:55,626 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 8 0 (offset 0) -2025-06-09 14:22:55,626 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 10 0 (offset 0) -2025-06-09 14:22:55,626 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 12 0 (offset 0) -2025-06-09 14:22:55,626 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 14 0 (offset 0) -2025-06-09 14:22:55,704 - root - INFO - [chat.py:380] - Successfully saved 1 unique ICD codes to JSON for hospital 246 -2025-06-09 14:22:55,705 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 14:22:55,830 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 14:22:55,833 - root - INFO - [chat.py:572] - Processing 1 pages for document 468 -2025-06-09 14:22:56,335 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 14:22:56,682 - root - INFO - [chat.py:646] - Saving 1 ICD codes -2025-06-09 14:22:56,683 - root - INFO - [chat.py:650] - Successfully indexed document 468 -2025-06-09 14:22:56,684 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 14:22:56,751 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 1.138s - IP: 127.0.0.1 -2025-06-09 14:22:56,752 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 14:22:56] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 14:23:38,767 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 14:23:38,896 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 469 -2025-06-09 14:23:38,899 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:23:38,899 - root - INFO - [chat.py:1980] - Starting processing of document 469 -2025-06-09 14:23:38,951 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 14:24:02,059 - root - INFO - [chat.py:380] - Successfully saved 2 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,060 - root - INFO - [chat.py:380] - Successfully saved 3 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,061 - root - INFO - [chat.py:380] - Successfully saved 3 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,061 - root - INFO - [chat.py:380] - Successfully saved 3 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,062 - root - INFO - [chat.py:380] - Successfully saved 3 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,062 - root - INFO - [chat.py:380] - Successfully saved 3 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,063 - root - INFO - [chat.py:380] - Successfully saved 3 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,063 - root - INFO - [chat.py:380] - Successfully saved 3 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,063 - root - INFO - [chat.py:380] - Successfully saved 3 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,064 - root - INFO - [chat.py:380] - Successfully saved 3 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,064 - root - INFO - [chat.py:380] - Successfully saved 3 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,065 - root - INFO - [chat.py:380] - Successfully saved 4 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,065 - root - INFO - [chat.py:380] - Successfully saved 4 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,066 - root - INFO - [chat.py:380] - Successfully saved 4 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,066 - root - INFO - [chat.py:380] - Successfully saved 4 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,067 - root - INFO - [chat.py:380] - Successfully saved 14 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,067 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,068 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,069 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,069 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,070 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,070 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,071 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,071 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,071 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,072 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,072 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,073 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,074 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,074 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,075 - root - INFO - [chat.py:380] - Successfully saved 15 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,075 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,076 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,076 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,077 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,078 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,078 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,079 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,080 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,080 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,081 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,081 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,082 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,083 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,083 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,084 - root - INFO - [chat.py:380] - Successfully saved 16 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,085 - root - INFO - [chat.py:380] - Successfully saved 40 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,086 - root - INFO - [chat.py:380] - Successfully saved 67 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,087 - root - INFO - [chat.py:380] - Successfully saved 87 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,088 - root - INFO - [chat.py:380] - Successfully saved 109 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,089 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,090 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,091 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,093 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,094 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,095 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,096 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,097 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,098 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,100 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,101 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,102 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,103 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,104 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,105 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,107 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,108 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,109 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,110 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,111 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,112 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,113 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,114 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,116 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,117 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,118 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,119 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,120 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,121 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,123 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,124 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,125 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,126 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,127 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,128 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,129 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,130 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,132 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,133 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,134 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,135 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,136 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,137 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,139 - root - INFO - [chat.py:380] - Successfully saved 126 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,140 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,141 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,143 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,144 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,145 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,146 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,148 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,149 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,150 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,151 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,153 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,154 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,155 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,156 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,157 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,159 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,160 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,161 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,163 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,164 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,165 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,166 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,168 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,169 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,170 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,171 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,173 - root - INFO - [chat.py:380] - Successfully saved 127 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,174 - root - INFO - [chat.py:380] - Successfully saved 128 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,175 - root - INFO - [chat.py:380] - Successfully saved 128 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,176 - root - INFO - [chat.py:380] - Successfully saved 128 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,178 - root - INFO - [chat.py:380] - Successfully saved 128 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,179 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,180 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,182 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,183 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,184 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,186 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,187 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,188 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,190 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,191 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,193 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,194 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,195 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,197 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,198 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,199 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,201 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,202 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,203 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,205 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,206 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,207 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,209 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,210 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,211 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,213 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,214 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,215 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,216 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,218 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,219 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,220 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,222 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,223 - root - INFO - [chat.py:380] - Successfully saved 129 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,224 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,226 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,227 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,228 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,230 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,231 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,233 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,234 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,235 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,237 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,238 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,240 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,241 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,242 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,244 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,245 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,246 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,248 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,249 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,250 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,252 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,253 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,254 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,256 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,257 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,258 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,260 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,261 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,262 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,264 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,265 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,266 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,268 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,269 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,270 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,272 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,273 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,274 - root - INFO - [chat.py:380] - Successfully saved 130 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,276 - root - INFO - [chat.py:380] - Successfully saved 131 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,277 - root - INFO - [chat.py:380] - Successfully saved 132 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,279 - root - INFO - [chat.py:380] - Successfully saved 132 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,280 - root - INFO - [chat.py:380] - Successfully saved 132 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,281 - root - INFO - [chat.py:380] - Successfully saved 132 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,283 - root - INFO - [chat.py:380] - Successfully saved 132 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,284 - root - INFO - [chat.py:380] - Successfully saved 132 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,286 - root - INFO - [chat.py:380] - Successfully saved 133 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,287 - root - INFO - [chat.py:380] - Successfully saved 133 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,289 - root - INFO - [chat.py:380] - Successfully saved 133 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,290 - root - INFO - [chat.py:380] - Successfully saved 133 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,291 - root - INFO - [chat.py:380] - Successfully saved 133 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,293 - root - INFO - [chat.py:380] - Successfully saved 133 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,294 - root - INFO - [chat.py:380] - Successfully saved 133 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,296 - root - INFO - [chat.py:380] - Successfully saved 133 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,297 - root - INFO - [chat.py:380] - Successfully saved 133 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,298 - root - INFO - [chat.py:380] - Successfully saved 136 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,300 - root - INFO - [chat.py:380] - Successfully saved 137 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,301 - root - INFO - [chat.py:380] - Successfully saved 137 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,303 - root - INFO - [chat.py:380] - Successfully saved 137 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,304 - root - INFO - [chat.py:380] - Successfully saved 137 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,305 - root - INFO - [chat.py:380] - Successfully saved 137 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,307 - root - INFO - [chat.py:380] - Successfully saved 139 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,308 - root - INFO - [chat.py:380] - Successfully saved 139 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,310 - root - INFO - [chat.py:380] - Successfully saved 139 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,311 - root - INFO - [chat.py:380] - Successfully saved 139 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,312 - root - INFO - [chat.py:380] - Successfully saved 139 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,314 - root - INFO - [chat.py:380] - Successfully saved 139 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,315 - root - INFO - [chat.py:380] - Successfully saved 142 unique ICD codes to JSON for hospital 246 -2025-06-09 14:24:02,316 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 14:24:02,642 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 14:24:02,648 - root - INFO - [chat.py:572] - Processing 242 pages for document 469 -2025-06-09 14:24:06,551 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 14:24:10,010 - root - INFO - [chat.py:646] - Saving 417 ICD codes -2025-06-09 14:24:10,011 - root - INFO - [chat.py:650] - Successfully indexed document 469 -2025-06-09 14:24:10,012 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 14:24:10,108 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 31.340s - IP: 127.0.0.1 -2025-06-09 14:24:10,113 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 14:24:10] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 14:28:06,695 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 14:28:06,697 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 470 -2025-06-09 14:28:06,701 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:28:06,702 - root - INFO - [chat.py:1980] - Starting processing of document 470 -2025-06-09 14:28:06,702 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 14:28:06,712 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 14:28:06,862 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 14:28:06,864 - root - INFO - [chat.py:572] - Processing 1 pages for document 470 -2025-06-09 14:28:07,495 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 14:28:07,656 - root - INFO - [chat.py:650] - Successfully indexed document 470 -2025-06-09 14:28:07,656 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 14:28:07,741 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 1.046s - IP: 127.0.0.1 -2025-06-09 14:28:07,742 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 14:28:07] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 14:32:26,845 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 14:32:26,848 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 471 -2025-06-09 14:32:26,852 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:32:26,853 - root - INFO - [chat.py:1980] - Starting processing of document 471 -2025-06-09 14:32:26,854 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 14:32:26,856 - pypdf.generic._data_structures - WARNING - [_utils.py:435] - Multiple definitions in dictionary at byte 0xc434 for key /Creator -2025-06-09 14:32:26,856 - pypdf.generic._data_structures - WARNING - [_utils.py:435] - Multiple definitions in dictionary at byte 0xc447 for key /Producer -2025-06-09 14:32:26,932 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 14:32:27,099 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 14:32:27,102 - root - INFO - [chat.py:572] - Processing 10 pages for document 471 -2025-06-09 14:32:27,900 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 14:32:28,639 - root - INFO - [chat.py:650] - Successfully indexed document 471 -2025-06-09 14:32:28,639 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 14:32:28,707 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 1.862s - IP: 127.0.0.1 -2025-06-09 14:32:28,708 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 14:32:28] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 14:32:53,549 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 14:32:53,550 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 472 -2025-06-09 14:32:53,553 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:32:53,554 - root - INFO - [chat.py:1980] - Starting processing of document 472 -2025-06-09 14:32:53,555 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 14:32:53,560 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 6 0 (offset 0) -2025-06-09 14:32:53,560 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 8 0 (offset 0) -2025-06-09 14:32:53,561 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 10 0 (offset 0) -2025-06-09 14:32:53,561 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 13 0 (offset 0) -2025-06-09 14:32:53,561 - pypdf._reader - WARNING - [_utils.py:435] - Ignoring wrong pointing object 15 0 (offset 0) -2025-06-09 14:32:53,590 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 14:32:53,831 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 14:32:53,833 - root - INFO - [chat.py:572] - Processing 1 pages for document 472 -2025-06-09 14:32:54,416 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 14:32:54,707 - root - INFO - [chat.py:650] - Successfully indexed document 472 -2025-06-09 14:32:54,707 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 14:32:54,767 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 1.219s - IP: 127.0.0.1 -2025-06-09 14:32:54,768 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 14:32:54] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 14:35:10,483 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 14:35:10,485 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 473 -2025-06-09 14:35:10,487 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:35:10,488 - root - INFO - [chat.py:1980] - Starting processing of document 473 -2025-06-09 14:35:10,489 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 14:35:10,524 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 14:35:10,756 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 14:35:10,759 - root - INFO - [chat.py:572] - Processing 2 pages for document 473 -2025-06-09 14:35:11,292 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 14:35:11,637 - root - INFO - [chat.py:650] - Successfully indexed document 473 -2025-06-09 14:35:11,637 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 14:35:11,708 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 1.225s - IP: 127.0.0.1 -2025-06-09 14:35:11,708 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 14:35:11] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 14:36:59,949 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 14:36:59,950 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 474 -2025-06-09 14:36:59,953 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:36:59,953 - root - INFO - [chat.py:1980] - Starting processing of document 474 -2025-06-09 14:36:59,954 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 14:36:59,961 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 14:37:00,124 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 14:37:00,127 - root - INFO - [chat.py:572] - Processing 1 pages for document 474 -2025-06-09 14:37:00,722 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 14:37:00,809 - root - INFO - [chat.py:650] - Successfully indexed document 474 -2025-06-09 14:37:00,810 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 14:37:00,881 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 0.933s - IP: 127.0.0.1 -2025-06-09 14:37:00,882 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 14:37:00] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 14:38:11,319 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 14:38:11,322 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 475 -2025-06-09 14:38:11,324 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:38:11,326 - root - INFO - [chat.py:1980] - Starting processing of document 475 -2025-06-09 14:38:11,327 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 14:38:11,334 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 14:38:11,631 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 14:38:11,633 - root - INFO - [chat.py:572] - Processing 1 pages for document 475 -2025-06-09 14:38:12,190 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 14:38:12,274 - root - INFO - [chat.py:650] - Successfully indexed document 475 -2025-06-09 14:38:12,275 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 14:38:12,359 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 1.039s - IP: 127.0.0.1 -2025-06-09 14:38:12,359 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 14:38:12] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 14:39:57,788 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 14:39:57,791 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 476 -2025-06-09 14:39:57,795 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:39:57,796 - root - INFO - [chat.py:1980] - Starting processing of document 476 -2025-06-09 14:39:57,796 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 14:39:57,807 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 14:39:57,985 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 14:39:57,988 - root - INFO - [chat.py:572] - Processing 1 pages for document 476 -2025-06-09 14:39:58,372 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 14:39:58,454 - root - INFO - [chat.py:650] - Successfully indexed document 476 -2025-06-09 14:39:58,455 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 14:39:58,523 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 0.734s - IP: 127.0.0.1 -2025-06-09 14:39:58,523 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 14:39:58] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 14:41:12,960 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 14:41:12,966 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 477 -2025-06-09 14:41:12,969 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:41:12,970 - root - INFO - [chat.py:1980] - Starting processing of document 477 -2025-06-09 14:41:12,972 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 14:41:13,058 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 14:41:13,261 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 14:41:13,264 - root - INFO - [chat.py:572] - Processing 10 pages for document 477 -2025-06-09 14:41:14,490 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 14:41:15,221 - root - INFO - [chat.py:650] - Successfully indexed document 477 -2025-06-09 14:41:15,223 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 14:41:15,346 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 2.387s - IP: 127.0.0.1 -2025-06-09 14:41:15,347 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 14:41:15] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 14:43:29,539 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 14:43:29,621 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 478 -2025-06-09 14:43:29,632 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:43:29,633 - root - INFO - [chat.py:1980] - Starting processing of document 478 -2025-06-09 14:43:29,695 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 14:43:29,721 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 14:43:29,861 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 14:43:29,864 - root - INFO - [chat.py:572] - Processing 8 pages for document 478 -2025-06-09 14:43:29,866 - root - INFO - [chat.py:650] - Successfully indexed document 478 -2025-06-09 14:43:29,867 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 14:43:29,954 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 0.415s - IP: 127.0.0.1 -2025-06-09 14:43:29,957 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 14:43:29] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 14:43:48,119 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 14:43:48,126 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 246, doc_id 479 -2025-06-09 14:43:48,129 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:43:48,130 - root - INFO - [chat.py:1980] - Starting processing of document 479 -2025-06-09 14:43:48,134 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 14:43:48,434 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 14:43:48,666 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 14:43:48,669 - root - INFO - [chat.py:572] - Processing 19 pages for document 479 -2025-06-09 14:43:49,498 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 14:43:50,628 - root - INFO - [chat.py:650] - Successfully indexed document 479 -2025-06-09 14:43:50,629 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 14:43:50,697 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 2.577s - IP: 127.0.0.1 -2025-06-09 14:43:50,698 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 14:43:50] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 14:50:29,262 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 14:50:29,266 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 253, doc_id 480 -2025-06-09 14:50:29,272 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:50:29,273 - root - INFO - [chat.py:1980] - Starting processing of document 480 -2025-06-09 14:50:29,275 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 14:50:29,441 - root - INFO - [chat.py:380] - Successfully saved 2 unique ICD codes to JSON for hospital 253 -2025-06-09 14:50:29,442 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 14:50:29,683 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 14:50:29,686 - root - INFO - [chat.py:572] - Processing 10 pages for document 480 -2025-06-09 14:50:30,298 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 14:50:31,252 - root - INFO - [chat.py:646] - Saving 2 ICD codes -2025-06-09 14:50:31,253 - root - INFO - [chat.py:650] - Successfully indexed document 480 -2025-06-09 14:50:31,253 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 14:50:31,330 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 2.068s - IP: 127.0.0.1 -2025-06-09 14:50:31,331 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 14:50:31] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 15:47:22,968 - access - INFO - [chat.py:1960] - PDF processing request received from 127.0.0.1 -2025-06-09 15:47:23,052 - root - INFO - [chat.py:1967] - Received PDF processing request for hospital 255, doc_id 481 -2025-06-09 15:47:23,058 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 15:47:23,059 - root - INFO - [chat.py:1980] - Starting processing of document 481 -2025-06-09 15:47:23,081 - root - INFO - [chat.py:1988] - Extracting PDF contents... -2025-06-09 15:47:23,108 - root - INFO - [chat.py:1991] - Inserting content into database... -2025-06-09 15:47:23,342 - root - INFO - [chat.py:2001] - Creating embeddings and indexing... -2025-06-09 15:47:23,345 - root - INFO - [chat.py:508] - Creating vector store for hospital 255 -2025-06-09 15:47:23,352 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:47:28,517 - root - INFO - [chat.py:572] - Processing 8 pages for document 481 -2025-06-09 15:47:28,519 - root - INFO - [chat.py:650] - Successfully indexed document 481 -2025-06-09 15:47:28,520 - root - INFO - [chat.py:2005] - Document processing completed successfully -2025-06-09 15:47:28,583 - access - INFO - [chat.py:2229] - "POST /flask-api/process-pdf" 200 - Duration: 5.616s - IP: 127.0.0.1 -2025-06-09 15:47:28,589 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 15:47:28] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 15:59:25,249 - root - INFO - [model_manager.py:130] - Cleaning up models... -2025-06-09 15:59:25,264 - root - INFO - [model_manager.py:137] - Models cleaned up successfully -2025-06-09 15:59:36,542 - root - INFO - [model_manager.py:19] - Initializing ModelManager - Loading models... -2025-06-09 15:59:36,543 - root - INFO - [model_manager.py:28] - Using device: cpu -2025-06-09 15:59:36,544 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:210] - Use pytorch device_name: cpu -2025-06-09 15:59:36,544 - sentence_transformers.SentenceTransformer - INFO - [SentenceTransformer.py:218] - Load pretrained SentenceTransformer: all-MiniLM-L6-v2 -2025-06-09 15:59:39,978 - root - INFO - [model_manager.py:48] - Models loaded successfully with batch optimization -2025-06-09 15:59:39,981 - root - INFO - [chat.py:2238] - Starting SpurrinAI application -2025-06-09 15:59:39,981 - root - INFO - [chat.py:2239] - Python version: 3.12.3 (main, Feb 4 2025, 14:48:35) [GCC 13.3.0] -2025-06-09 15:59:39,981 - root - INFO - [chat.py:2240] - Environment: production -2025-06-09 15:59:39,981 - root - INFO - [chat.py:2244] - Model manager initialized successfully -2025-06-09 15:59:39,981 - root - INFO - [chat.py:2252] - Initialized directories: /home/ubuntu/spurrin-cleaned-node/hospital_data, /home/ubuntu/spurrin-cleaned-node/hospital_data/chroma_db -2025-06-09 15:59:39,983 - root - INFO - [chat.py:2260] - Cleared 0 Redis cache keys -2025-06-09 15:59:39,983 - root - INFO - [chat.py:2263] - Loading existing vector stores... -2025-06-09 15:59:39,988 - root - INFO - [chat.py:496] - Loading vector store for hospital 6 and user default -2025-06-09 15:59:40,395 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,605 - root - INFO - [chat.py:496] - Loading vector store for hospital 10 and user default -2025-06-09 15:59:40,608 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,614 - root - INFO - [chat.py:496] - Loading vector store for hospital 16 and user default -2025-06-09 15:59:40,618 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,623 - root - INFO - [chat.py:496] - Loading vector store for hospital 19 and user default -2025-06-09 15:59:40,626 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,631 - root - INFO - [chat.py:496] - Loading vector store for hospital 26 and user default -2025-06-09 15:59:40,634 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,642 - root - INFO - [chat.py:496] - Loading vector store for hospital 27 and user default -2025-06-09 15:59:40,645 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,650 - root - INFO - [chat.py:496] - Loading vector store for hospital 29 and user default -2025-06-09 15:59:40,653 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,660 - root - INFO - [chat.py:496] - Loading vector store for hospital 31 and user default -2025-06-09 15:59:40,663 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,669 - root - INFO - [chat.py:496] - Loading vector store for hospital 32 and user default -2025-06-09 15:59:40,672 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,677 - root - INFO - [chat.py:496] - Loading vector store for hospital 36 and user default -2025-06-09 15:59:40,680 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,685 - root - INFO - [chat.py:496] - Loading vector store for hospital 37 and user default -2025-06-09 15:59:40,688 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,694 - root - INFO - [chat.py:496] - Loading vector store for hospital 41 and user default -2025-06-09 15:59:40,697 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,703 - root - INFO - [chat.py:496] - Loading vector store for hospital 42 and user default -2025-06-09 15:59:40,705 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,711 - root - INFO - [chat.py:496] - Loading vector store for hospital 47 and user default -2025-06-09 15:59:40,713 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,718 - root - INFO - [chat.py:496] - Loading vector store for hospital 48 and user default -2025-06-09 15:59:40,721 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,726 - root - INFO - [chat.py:496] - Loading vector store for hospital 52 and user default -2025-06-09 15:59:40,729 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,735 - root - INFO - [chat.py:496] - Loading vector store for hospital 53 and user default -2025-06-09 15:59:40,738 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,743 - root - INFO - [chat.py:496] - Loading vector store for hospital 56 and user default -2025-06-09 15:59:40,746 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,751 - root - INFO - [chat.py:496] - Loading vector store for hospital 57 and user default -2025-06-09 15:59:40,754 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,758 - root - INFO - [chat.py:496] - Loading vector store for hospital 59 and user default -2025-06-09 15:59:40,762 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,767 - root - INFO - [chat.py:496] - Loading vector store for hospital 60 and user default -2025-06-09 15:59:40,770 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,775 - root - INFO - [chat.py:496] - Loading vector store for hospital 64 and user default -2025-06-09 15:59:40,777 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,782 - root - INFO - [chat.py:496] - Loading vector store for hospital 65 and user default -2025-06-09 15:59:40,786 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,791 - root - INFO - [chat.py:496] - Loading vector store for hospital 66 and user default -2025-06-09 15:59:40,794 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,799 - root - INFO - [chat.py:496] - Loading vector store for hospital 67 and user default -2025-06-09 15:59:40,802 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,808 - root - INFO - [chat.py:496] - Loading vector store for hospital 68 and user default -2025-06-09 15:59:40,811 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,817 - root - INFO - [chat.py:496] - Loading vector store for hospital 69 and user default -2025-06-09 15:59:40,819 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,825 - root - INFO - [chat.py:496] - Loading vector store for hospital 70 and user default -2025-06-09 15:59:40,828 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,833 - root - INFO - [chat.py:496] - Loading vector store for hospital 71 and user default -2025-06-09 15:59:40,836 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,842 - root - INFO - [chat.py:496] - Loading vector store for hospital 72 and user default -2025-06-09 15:59:40,845 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,850 - root - INFO - [chat.py:496] - Loading vector store for hospital 73 and user default -2025-06-09 15:59:40,853 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,858 - root - INFO - [chat.py:496] - Loading vector store for hospital 75 and user default -2025-06-09 15:59:40,861 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,866 - root - INFO - [chat.py:496] - Loading vector store for hospital 76 and user default -2025-06-09 15:59:40,869 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,874 - root - INFO - [chat.py:496] - Loading vector store for hospital 80 and user default -2025-06-09 15:59:40,876 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,881 - root - INFO - [chat.py:496] - Loading vector store for hospital 81 and user default -2025-06-09 15:59:40,884 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,889 - root - INFO - [chat.py:496] - Loading vector store for hospital 86 and user default -2025-06-09 15:59:40,892 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,897 - root - INFO - [chat.py:496] - Loading vector store for hospital 87 and user default -2025-06-09 15:59:40,900 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,904 - root - INFO - [chat.py:496] - Loading vector store for hospital 90 and user default -2025-06-09 15:59:40,907 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,912 - root - INFO - [chat.py:496] - Loading vector store for hospital 91 and user default -2025-06-09 15:59:40,914 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,920 - root - INFO - [chat.py:496] - Loading vector store for hospital 92 and user default -2025-06-09 15:59:40,922 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,927 - root - INFO - [chat.py:496] - Loading vector store for hospital 94 and user default -2025-06-09 15:59:40,930 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,935 - root - INFO - [chat.py:496] - Loading vector store for hospital 95 and user default -2025-06-09 15:59:40,938 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,943 - root - INFO - [chat.py:496] - Loading vector store for hospital 96 and user default -2025-06-09 15:59:40,946 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,951 - root - INFO - [chat.py:496] - Loading vector store for hospital 97 and user default -2025-06-09 15:59:40,953 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,958 - root - INFO - [chat.py:496] - Loading vector store for hospital 99 and user default -2025-06-09 15:59:40,961 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,965 - root - INFO - [chat.py:496] - Loading vector store for hospital 103 and user default -2025-06-09 15:59:40,968 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,980 - root - INFO - [chat.py:496] - Loading vector store for hospital 106 and user default -2025-06-09 15:59:40,982 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,987 - root - INFO - [chat.py:496] - Loading vector store for hospital 107 and user default -2025-06-09 15:59:40,990 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:40,995 - root - INFO - [chat.py:496] - Loading vector store for hospital 110 and user default -2025-06-09 15:59:40,998 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,004 - root - INFO - [chat.py:496] - Loading vector store for hospital 111 and user default -2025-06-09 15:59:41,007 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,012 - root - INFO - [chat.py:496] - Loading vector store for hospital 112 and user default -2025-06-09 15:59:41,017 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,023 - root - INFO - [chat.py:496] - Loading vector store for hospital 113 and user default -2025-06-09 15:59:41,025 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,030 - root - INFO - [chat.py:496] - Loading vector store for hospital 114 and user default -2025-06-09 15:59:41,032 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,037 - root - INFO - [chat.py:496] - Loading vector store for hospital 116 and user default -2025-06-09 15:59:41,040 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,045 - root - INFO - [chat.py:496] - Loading vector store for hospital 117 and user default -2025-06-09 15:59:41,047 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,056 - root - INFO - [chat.py:496] - Loading vector store for hospital 118 and user default -2025-06-09 15:59:41,061 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,070 - root - INFO - [chat.py:496] - Loading vector store for hospital 119 and user default -2025-06-09 15:59:41,073 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,078 - root - INFO - [chat.py:496] - Loading vector store for hospital 121 and user default -2025-06-09 15:59:41,080 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,086 - root - INFO - [chat.py:496] - Loading vector store for hospital 122 and user default -2025-06-09 15:59:41,088 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,093 - root - INFO - [chat.py:496] - Loading vector store for hospital 123 and user default -2025-06-09 15:59:41,096 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,101 - root - INFO - [chat.py:496] - Loading vector store for hospital 124 and user default -2025-06-09 15:59:41,104 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,109 - root - INFO - [chat.py:496] - Loading vector store for hospital 126 and user default -2025-06-09 15:59:41,112 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,117 - root - INFO - [chat.py:496] - Loading vector store for hospital 127 and user default -2025-06-09 15:59:41,119 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,126 - root - INFO - [chat.py:496] - Loading vector store for hospital 129 and user default -2025-06-09 15:59:41,129 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,133 - root - INFO - [chat.py:496] - Loading vector store for hospital 131 and user default -2025-06-09 15:59:41,136 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,141 - root - INFO - [chat.py:496] - Loading vector store for hospital 132 and user default -2025-06-09 15:59:41,147 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,159 - root - INFO - [chat.py:496] - Loading vector store for hospital 136 and user default -2025-06-09 15:59:41,162 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,510 - root - INFO - [chat.py:496] - Loading vector store for hospital 137 and user default -2025-06-09 15:59:41,513 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,518 - root - INFO - [chat.py:496] - Loading vector store for hospital 141 and user default -2025-06-09 15:59:41,520 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,525 - root - INFO - [chat.py:496] - Loading vector store for hospital 142 and user default -2025-06-09 15:59:41,529 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,535 - root - INFO - [chat.py:496] - Loading vector store for hospital 145 and user default -2025-06-09 15:59:41,537 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,542 - root - INFO - [chat.py:496] - Loading vector store for hospital 146 and user default -2025-06-09 15:59:41,545 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,550 - root - INFO - [chat.py:496] - Loading vector store for hospital 148 and user default -2025-06-09 15:59:41,552 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,557 - root - INFO - [chat.py:496] - Loading vector store for hospital 177 and user default -2025-06-09 15:59:41,560 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,565 - root - INFO - [chat.py:496] - Loading vector store for hospital 178 and user default -2025-06-09 15:59:41,567 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,572 - root - INFO - [chat.py:496] - Loading vector store for hospital 186 and user default -2025-06-09 15:59:41,574 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,580 - root - INFO - [chat.py:496] - Loading vector store for hospital 187 and user default -2025-06-09 15:59:41,582 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,588 - root - INFO - [chat.py:496] - Loading vector store for hospital 191 and user default -2025-06-09 15:59:41,590 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,596 - root - INFO - [chat.py:496] - Loading vector store for hospital 192 and user default -2025-06-09 15:59:41,599 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,604 - root - INFO - [chat.py:496] - Loading vector store for hospital 200 and user default -2025-06-09 15:59:41,606 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,611 - root - INFO - [chat.py:496] - Loading vector store for hospital 248 and user default -2025-06-09 15:59:41,614 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,619 - root - INFO - [chat.py:496] - Loading vector store for hospital 249 and user default -2025-06-09 15:59:41,621 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,626 - root - INFO - [chat.py:496] - Loading vector store for hospital 251 and user default -2025-06-09 15:59:41,629 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,634 - root - INFO - [chat.py:496] - Loading vector store for hospital 252 and user default -2025-06-09 15:59:41,637 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,642 - root - INFO - [chat.py:496] - Loading vector store for hospital 253 and user default -2025-06-09 15:59:41,645 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,650 - root - INFO - [chat.py:496] - Loading vector store for hospital 45 and user default -2025-06-09 15:59:41,652 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,658 - root - INFO - [chat.py:496] - Loading vector store for hospital 63 and user default -2025-06-09 15:59:41,661 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,666 - root - INFO - [chat.py:496] - Loading vector store for hospital 93 and user default -2025-06-09 15:59:41,669 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,674 - root - INFO - [chat.py:496] - Loading vector store for hospital 98 and user default -2025-06-09 15:59:41,677 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,682 - root - INFO - [chat.py:496] - Loading vector store for hospital 102 and user default -2025-06-09 15:59:41,684 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,689 - root - INFO - [chat.py:496] - Loading vector store for hospital 104 and user default -2025-06-09 15:59:41,692 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,697 - root - INFO - [chat.py:496] - Loading vector store for hospital 229 and user default -2025-06-09 15:59:41,699 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,704 - root - INFO - [chat.py:496] - Loading vector store for hospital 232 and user default -2025-06-09 15:59:41,706 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,711 - root - INFO - [chat.py:496] - Loading vector store for hospital 237 and user default -2025-06-09 15:59:41,714 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,719 - root - INFO - [chat.py:496] - Loading vector store for hospital 238 and user default -2025-06-09 15:59:41,721 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,726 - root - INFO - [chat.py:496] - Loading vector store for hospital 247 and user default -2025-06-09 15:59:41,730 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,735 - root - INFO - [chat.py:496] - Loading vector store for hospital 109 and user default -2025-06-09 15:59:41,738 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,744 - root - INFO - [chat.py:496] - Loading vector store for hospital 222 and user default -2025-06-09 15:59:41,746 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,752 - root - INFO - [chat.py:496] - Loading vector store for hospital 234 and user default -2025-06-09 15:59:41,754 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,760 - root - INFO - [chat.py:496] - Loading vector store for hospital 235 and user default -2025-06-09 15:59:41,763 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,768 - root - INFO - [chat.py:496] - Loading vector store for hospital 236 and user default -2025-06-09 15:59:41,771 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,776 - root - INFO - [chat.py:496] - Loading vector store for hospital 149 and user default -2025-06-09 15:59:41,779 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,785 - root - INFO - [chat.py:496] - Loading vector store for hospital 150 and user default -2025-06-09 15:59:41,789 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,795 - root - INFO - [chat.py:496] - Loading vector store for hospital 151 and user default -2025-06-09 15:59:41,800 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,812 - root - INFO - [chat.py:496] - Loading vector store for hospital 152 and user default -2025-06-09 15:59:41,817 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,825 - root - INFO - [chat.py:496] - Loading vector store for hospital 153 and user default -2025-06-09 15:59:41,830 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,838 - root - INFO - [chat.py:496] - Loading vector store for hospital 154 and user default -2025-06-09 15:59:41,842 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,848 - root - INFO - [chat.py:496] - Loading vector store for hospital 155 and user default -2025-06-09 15:59:41,852 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,859 - root - INFO - [chat.py:496] - Loading vector store for hospital 157 and user default -2025-06-09 15:59:41,862 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,876 - root - INFO - [chat.py:496] - Loading vector store for hospital 158 and user default -2025-06-09 15:59:41,879 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,885 - root - INFO - [chat.py:496] - Loading vector store for hospital 160 and user default -2025-06-09 15:59:41,888 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,893 - root - INFO - [chat.py:496] - Loading vector store for hospital 162 and user default -2025-06-09 15:59:41,896 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,902 - root - INFO - [chat.py:496] - Loading vector store for hospital 163 and user default -2025-06-09 15:59:41,904 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,910 - root - INFO - [chat.py:496] - Loading vector store for hospital 166 and user default -2025-06-09 15:59:41,913 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,920 - root - INFO - [chat.py:496] - Loading vector store for hospital 167 and user default -2025-06-09 15:59:41,922 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,927 - root - INFO - [chat.py:496] - Loading vector store for hospital 168 and user default -2025-06-09 15:59:41,930 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,935 - root - INFO - [chat.py:496] - Loading vector store for hospital 169 and user default -2025-06-09 15:59:41,939 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,945 - root - INFO - [chat.py:496] - Loading vector store for hospital 170 and user default -2025-06-09 15:59:41,950 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,955 - root - INFO - [chat.py:496] - Loading vector store for hospital 172 and user default -2025-06-09 15:59:41,958 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,963 - root - INFO - [chat.py:496] - Loading vector store for hospital 173 and user default -2025-06-09 15:59:41,966 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,971 - root - INFO - [chat.py:496] - Loading vector store for hospital 181 and user default -2025-06-09 15:59:41,974 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,979 - root - INFO - [chat.py:496] - Loading vector store for hospital 182 and user default -2025-06-09 15:59:41,981 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,987 - root - INFO - [chat.py:496] - Loading vector store for hospital 183 and user default -2025-06-09 15:59:41,990 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:41,995 - root - INFO - [chat.py:496] - Loading vector store for hospital 184 and user default -2025-06-09 15:59:41,998 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,003 - root - INFO - [chat.py:496] - Loading vector store for hospital 194 and user default -2025-06-09 15:59:42,006 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,012 - root - INFO - [chat.py:496] - Loading vector store for hospital 195 and user default -2025-06-09 15:59:42,014 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,019 - root - INFO - [chat.py:496] - Loading vector store for hospital 196 and user default -2025-06-09 15:59:42,022 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,027 - root - INFO - [chat.py:496] - Loading vector store for hospital 197 and user default -2025-06-09 15:59:42,030 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,036 - root - INFO - [chat.py:496] - Loading vector store for hospital 198 and user default -2025-06-09 15:59:42,039 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,046 - root - INFO - [chat.py:496] - Loading vector store for hospital 199 and user default -2025-06-09 15:59:42,051 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,058 - root - INFO - [chat.py:496] - Loading vector store for hospital 201 and user default -2025-06-09 15:59:42,062 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,071 - root - INFO - [chat.py:496] - Loading vector store for hospital 202 and user default -2025-06-09 15:59:42,076 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,085 - root - INFO - [chat.py:496] - Loading vector store for hospital 203 and user default -2025-06-09 15:59:42,088 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,095 - root - INFO - [chat.py:496] - Loading vector store for hospital 204 and user default -2025-06-09 15:59:42,097 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,102 - root - INFO - [chat.py:496] - Loading vector store for hospital 206 and user default -2025-06-09 15:59:42,106 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,111 - root - INFO - [chat.py:496] - Loading vector store for hospital 207 and user default -2025-06-09 15:59:42,116 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,121 - root - INFO - [chat.py:496] - Loading vector store for hospital 209 and user default -2025-06-09 15:59:42,123 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,137 - root - INFO - [chat.py:496] - Loading vector store for hospital 210 and user default -2025-06-09 15:59:42,141 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,146 - root - INFO - [chat.py:496] - Loading vector store for hospital 212 and user default -2025-06-09 15:59:42,151 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,156 - root - INFO - [chat.py:496] - Loading vector store for hospital 213 and user default -2025-06-09 15:59:42,159 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,164 - root - INFO - [chat.py:496] - Loading vector store for hospital 224 and user default -2025-06-09 15:59:42,166 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,172 - root - INFO - [chat.py:496] - Loading vector store for hospital 225 and user default -2025-06-09 15:59:42,174 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,181 - root - INFO - [chat.py:496] - Loading vector store for hospital 230 and user default -2025-06-09 15:59:42,183 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,188 - root - INFO - [chat.py:496] - Loading vector store for hospital 231 and user default -2025-06-09 15:59:42,191 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,196 - root - INFO - [chat.py:496] - Loading vector store for hospital 239 and user default -2025-06-09 15:59:42,199 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,205 - root - INFO - [chat.py:496] - Loading vector store for hospital 246 and user default -2025-06-09 15:59:42,207 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:42,213 - root - INFO - [chat.py:507] - Creating vector store for hospital 254 -2025-06-09 15:59:42,216 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:49,243 - root - INFO - [chat.py:496] - Loading vector store for hospital 255 and user default -2025-06-09 15:59:49,246 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:49,252 - root - INFO - [chat.py:496] - Loading vector store for hospital 240 and user default -2025-06-09 15:59:49,255 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:49,260 - root - INFO - [chat.py:496] - Loading vector store for hospital 242 and user default -2025-06-09 15:59:49,263 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:49,268 - root - INFO - [chat.py:496] - Loading vector store for hospital 243 and user default -2025-06-09 15:59:49,271 - chromadb.telemetry.product.posthog - INFO - [posthog.py:22] - Anonymized telemetry enabled. See https://docs.trychroma.com/telemetry for more information. -2025-06-09 15:59:49,277 - root - INFO - [chat.py:2265] - Vector stores loaded successfully -2025-06-09 15:59:49,278 - root - INFO - [chat.py:2268] - Starting Flask application on port 5000 -2025-06-09 15:59:49,283 - werkzeug - INFO - [_internal.py:97] - [31m[1mWARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.[0m - * Running on http://127.0.0.1:5000 -2025-06-09 15:59:49,283 - werkzeug - INFO - [_internal.py:97] - [33mPress CTRL+C to quit[0m -2025-06-09 16:02:30,977 - access - INFO - [chat.py:1961] - PDF processing request received from 127.0.0.1 -2025-06-09 16:02:31,049 - root - INFO - [chat.py:1968] - Received PDF processing request for hospital 255, doc_id 482 -2025-06-09 16:02:31,062 - root - ERROR - [chat.py:1935] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 16:02:31,066 - root - INFO - [chat.py:1981] - Starting processing of document 482 -2025-06-09 16:02:31,112 - root - INFO - [chat.py:1989] - Extracting PDF contents... -2025-06-09 16:02:31,244 - root - INFO - [chat.py:1992] - Inserting content into database... -2025-06-09 16:02:31,499 - root - INFO - [chat.py:2002] - Creating embeddings and indexing... -2025-06-09 16:02:31,502 - root - INFO - [chat.py:571] - Processing 8 pages for document 482 -2025-06-09 16:02:31,504 - root - INFO - [chat.py:649] - Successfully indexed document 482 -2025-06-09 16:02:31,504 - root - INFO - [chat.py:2006] - Document processing completed successfully -2025-06-09 16:02:31,615 - access - INFO - [chat.py:2230] - "POST /flask-api/process-pdf" 200 - Duration: 0.639s - IP: 127.0.0.1 -2025-06-09 16:02:31,619 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 16:02:31] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 16:11:44,675 - access - INFO - [chat.py:1961] - PDF processing request received from 127.0.0.1 -2025-06-09 16:11:44,782 - root - INFO - [chat.py:1968] - Received PDF processing request for hospital 255, doc_id 483 -2025-06-09 16:11:44,795 - root - ERROR - [chat.py:1935] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 16:11:44,796 - root - INFO - [chat.py:1981] - Starting processing of document 483 -2025-06-09 16:11:44,818 - root - INFO - [chat.py:1989] - Extracting PDF contents... -2025-06-09 16:11:44,839 - root - INFO - [chat.py:1992] - Inserting content into database... -2025-06-09 16:11:44,985 - root - INFO - [chat.py:2002] - Creating embeddings and indexing... -2025-06-09 16:11:44,988 - root - INFO - [chat.py:571] - Processing 8 pages for document 483 -2025-06-09 16:11:44,990 - root - INFO - [chat.py:649] - Successfully indexed document 483 -2025-06-09 16:11:44,991 - root - INFO - [chat.py:2006] - Document processing completed successfully -2025-06-09 16:11:45,079 - access - INFO - [chat.py:2230] - "POST /flask-api/process-pdf" 200 - Duration: 0.404s - IP: 127.0.0.1 -2025-06-09 16:11:45,083 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 16:11:45] "POST /flask-api/process-pdf HTTP/1.1" 200 - -2025-06-09 18:14:32,690 - access - INFO - [chat.py:2052] - Generate answer request received from 127.0.0.1 -2025-06-09 18:14:32,720 - root - INFO - [chat.py:2061] - Received question from user default: hi how are you -2025-06-09 18:14:32,720 - root - INFO - [chat.py:2062] - Received hospital code: 7SZLQGX2HHU1 -2025-06-09 18:14:32,720 - root - INFO - [chat.py:2063] - Received session_id: 1 -2025-06-09 18:14:32,753 - root - INFO - [chat.py:2071] - Resolved hospital ID: 229 -2025-06-09 18:14:34,652 - httpx - INFO - [_client.py:1025] - HTTP Request: POST https://api.openai.com/v1/embeddings "HTTP/1.1 200 OK" -2025-06-09 18:14:49,476 - root - INFO - [chat.py:1236] - Cached context for key: context:hospital_229:hi how are you -2025-06-09 18:14:50,084 - root - INFO - [chat.py:1726] - Total context length: 45 words -2025-06-09 18:14:50,084 - root - INFO - [chat.py:1727] - {'## Document Context\nThis is the another set of our general / llm model with the context for the recent conversation\n\nPage65 | 65\n\nHuels, Gibson and TillmanHuels, Gibson and Tillmanemiliano.ortiz@hotmail.comemiliano.ortiz@hotmail.com1-414-318-49821-414-318-4982\n\nHuels, Gibson and TillmanHuels, Gibson and Tillmanemiliano.ortiz@hotmail.comemiliano.ortiz@hotmail.com1-414-318-49821-414-318-4982\n\nHirthe, Kutch and LemkeHirthe, Kutch and Lemkeybeatty@yahoo.comybeatty@yahoo.com380.291.8519380.291.8519'} -2025-06-09 18:14:50,084 - root - INFO - [chat.py:744] - Key words: [] -2025-06-09 18:14:50,085 - root - INFO - [chat.py:747] - No significant keywords found, directing to general knowledge -2025-06-09 18:14:50,085 - root - INFO - [chat.py:1742] - B -2025-06-09 18:14:50,085 - root - INFO - [chat.py:1743] - No relevant context or general knowledge question detected -2025-06-09 18:14:50,086 - root - INFO - [chat.py:908] - Stored RAG interaction in Redis for default:229:1 -2025-06-09 18:14:50,087 - access - INFO - [chat.py:2230] - "POST /flask-api/generate-answer" 200 - Duration: 17.397s - IP: 127.0.0.1 -2025-06-09 18:14:50,088 - werkzeug - INFO - [_internal.py:97] - 127.0.0.1 - - [09/Jun/2025 18:14:50] "POST /flask-api/generate-answer HTTP/1.1" 200 - diff --git a/logs/combined.log b/logs/combined.log deleted file mode 100644 index d9bc6a0..0000000 --- a/logs/combined.log +++ /dev/null @@ -1,33835 +0,0 @@ -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:17:03"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:17:37"} -{"level":"info","message":"POST /hospital-users/login 401 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:24"} -{"level":"info","message":"POST /hospital-users/login 200 - 56ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:34"} -{"level":"info","message":"GET /refresh-token/33/6 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:34"} -{"level":"info","message":"GET /refresh-token/33/6 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:34"} -{"level":"info","message":"POST /refresh 200 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:34"} -{"level":"info","message":"POST /login 200 - 93ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:35"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 56ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:35"} -{"level":"info","message":"GET /users/active 304 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:35"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:35"} -{"level":"info","message":"GET /users/active 304 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:35"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:35"} -{"level":"info","message":"POST /hospitals/active 200 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:35"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:39"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:39"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:45"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:48"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:50"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:20:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:21:05"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:21:17"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:24:59"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:25:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:25:06"} -{"level":"info","message":"GET /list 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:25:11"} -{"level":"info","message":"GET /list 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:25:11"} -{"level":"info","message":"GET /colors 403 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:25:11"} -{"level":"info","message":"GET /colors 403 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:25:16"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:25:21"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:25:26"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:25:31"} -{"level":"info","message":"POST /create-hospital 201 - 2631ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:25:35"} -{"level":"info","message":"GET /list 200 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:25:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:25:36"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:25:41"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:26:12"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:26:32"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:26:45"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:27:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:27:28"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:27:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:27:44"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:27:50"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:27:54"} -{"level":"info","message":"DELETE /delete/150 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:27:58"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:27:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:14"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:29"} -{"level":"info","message":"POST /create-hospital 201 - 1920ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:31"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:31"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:34"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:44"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:44"} -{"level":"info","message":"GET /colors 403 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:54"} -{"level":"info","message":"DELETE /delete/151 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:28:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:29:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:29:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:29:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:29:19"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:29:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:29:29"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:29:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:29:39"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:29:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:29:49"} -{"level":"info","message":"POST /create-hospital 201 - 1679ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:29:53"} -{"level":"info","message":"GET /list 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:29:53"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:29:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:29:59"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:30:49"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:30:58"} -{"level":"info","message":"GET /colors 403 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:00"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:05"} -{"level":"info","message":"DELETE /delete/151 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:05"} -{"level":"info","message":"DELETE /delete/151 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:15"} -{"level":"info","message":"GET /list 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:20"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:20"} -{"level":"info","message":"GET /colors 403 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:20"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:25"} -{"level":"info","message":"DELETE /delete/152 200 - 55ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:25"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:40"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:31:55"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:32:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:32:05"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:32:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:32:15"} -{"level":"info","message":"POST /create-hospital 201 - 1649ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:32:20"} -{"level":"info","message":"GET /list 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:32:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:32:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:32:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:32:30"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:03"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:07"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:11"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:17"} -{"level":"info","message":"DELETE /delete/152 404 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:24"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:25"} -{"level":"info","message":"DELETE /delete/152 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:27"} -{"level":"info","message":"GET /list 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:31"} -{"level":"info","message":"GET /colors 403 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:31"} -{"level":"info","message":"GET /list 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:36"} -{"level":"info","message":"DELETE /delete/153 200 - 1641ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:37"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:46"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:51"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:33:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:34:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:34:06"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:34:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:34:16"} -{"level":"info","message":"GET /colors 403 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:34:22"} -{"level":"info","message":"POST /create-hospital 201 - 2130ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:34:22"} -{"level":"info","message":"GET /list 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:34:22"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:35:18"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:35:25"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:35:32"} -{"level":"info","message":"GET /list 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:35:34"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:35:34"} -{"level":"info","message":"GET /colors 403 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:35:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:35:40"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:35:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:35:50"} -{"level":"info","message":"DELETE /delete/154 200 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:35:53"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:35:55"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:10"} -{"level":"info","message":"POST /create-hospital 201 - 1783ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:13"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:20"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:22"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:22"} -{"level":"info","message":"GET /list 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:22"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:27"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:52"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:36:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:37:02"} -{"level":"info","message":"DELETE /delete/155 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:37:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:37:07"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:37:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:37:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:37:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:37:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:37:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:37:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:37:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:37:48"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:37:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:37:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:03"} -{"level":"info","message":"POST /create-hospital 201 - 1579ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:04"} -{"level":"info","message":"GET /list 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:08"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:18"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:28"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:33"} -{"level":"info","message":"DELETE /delete/155 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:43"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:48"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:52"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:52"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:38:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:39:02"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:39:07"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:39:12"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:39:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:39:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:39:38"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:39:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:39:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:39:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:39:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:40:03"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:40:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:40:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:40:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:40:23"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:40:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:40:33"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:40:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:40:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:40:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:40:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:40:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:41:03"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:41:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:41:13"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:41:18"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:41:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:41:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:41:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:41:38"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:41:43"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:41:48"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:41:53"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:41:58"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:42:03"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:42:08"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:42:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:42:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:42:23"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:42:28"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:42:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:42:38"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:42:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:42:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:42:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:42:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:43:03"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:43:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:43:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:43:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:43:23"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:43:28"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:43:33"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:43:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:43:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:43:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:43:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:43:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:44:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:44:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:44:14"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:44:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:44:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:44:29"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:44:34"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:44:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:44:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:44:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:44:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:44:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:45:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:45:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:45:14"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:45:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:45:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:45:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:45:34"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:45:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:45:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:45:49"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:45:54"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:45:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:46:04"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:46:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:46:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:46:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:46:24"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:46:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:46:34"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:46:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:46:44"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:46:49"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:46:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:46:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:47:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:47:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:47:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:47:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:47:24"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:47:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:47:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:47:39"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:47:44"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:47:54"} -{"level":"info","message":"GET /list 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:47:58"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:47:58"} -{"level":"info","message":"GET /colors 403 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:47:58"} -{"level":"info","message":"DELETE /delete/156 200 - 162ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:48:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:48:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:48:09"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:48:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:48:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:48:24"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:48:29"} -{"level":"info","message":"POST /create-hospital 201 - 2348ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:48:33"} -{"level":"info","message":"GET /list 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:48:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:48:34"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:49:04"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:49:57"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:05"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:05"} -{"level":"info","message":"DELETE /delete/156 404 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:08"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:10"} -{"level":"info","message":"GET /list 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:16"} -{"level":"info","message":"GET /colors 403 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:16"} -{"level":"info","message":"GET /list 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:16"} -{"level":"info","message":"DELETE /delete/157 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:19"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:41"} -{"level":"info","message":"POST /create-hospital 201 - 2229ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:44"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:44"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:50:46"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:56:50"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 14:56:55"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:58:16"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:58:35"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:58:59"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 14:59:09"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:00:33"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:00:39"} -{"level":"info","message":"GET /colors 403 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:05:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:05:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:05:55"} -{"level":"info","message":"GET /list 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:06:05"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:06:05"} -{"level":"info","message":"GET /colors 403 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:06:05"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:06:11"} -{"level":"info","message":"DELETE /delete/158 200 - 851ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:06:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:06:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:06:21"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:06:26"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:06:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:06:36"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:06:41"} -{"level":"info","message":"POST /create-hospital 201 - 1523ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:06:44"} -{"level":"info","message":"GET /list 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:06:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:06:46"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:07:42"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:08:03"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:08:15"} -{"level":"info","message":"DELETE /delete/158 404 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:08:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:08:20"} -{"level":"info","message":"GET /list 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:08:23"} -{"level":"info","message":"GET /list 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:08:23"} -{"level":"info","message":"GET /colors 403 - 57ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:08:23"} -{"level":"info","message":"DELETE /delete/159 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:08:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:08:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:08:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:09:28"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:11:34"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:11:38"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:11:58"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:03"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:08"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:10"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:10"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:10"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:15"} -{"level":"info","message":"DELETE /delete/159 404 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:20"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:27"} -{"level":"info","message":"GET /list 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:27"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:32"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:52"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:12:57"} -{"level":"info","message":"POST /create-hospital 201 - 2120ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:13:01"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:13:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:13:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:13:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:13:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:13:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:13:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:13:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:14:02"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:14:32"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:21:05"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:21:06"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:21:11"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:21:36"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:21:41"} -{"level":"info","message":"GET /colors 403 - 42ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:21:41"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:21:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:21:51"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:21:53"} -{"level":"info","message":"GET /list 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:21:53"} -{"level":"info","message":"GET /list 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:21:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:21:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:22:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:22:08"} -{"level":"info","message":"DELETE /delete/160 200 - 114ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:22:09"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:22:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:23:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:23:34"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:23:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:23:44"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:23:49"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:23:54"} -{"level":"info","message":"POST /create-hospital 201 - 2186ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:23:55"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:23:55"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:29:13"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:29:16"} -{"level":"info","message":"DELETE /delete/160 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:29:20"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:29:21"} -{"level":"info","message":"GET /list 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:29:25"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:29:25"} -{"level":"info","message":"GET /colors 403 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:29:25"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:29:30"} -{"level":"info","message":"DELETE /delete/161 200 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:29:31"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:29:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:29:40"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:29:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:29:50"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:29:55"} -{"level":"info","message":"POST /create-hospital 201 - 2227ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:30:00"} -{"level":"info","message":"GET /list 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:30:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:30:00"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:30:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:30:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:30:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:30:20"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:30:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:30:30"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:30:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:30:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:30:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:30:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:30:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:31:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:31:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:31:11"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:31:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:31:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:31:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:31:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:31:36"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:31:41"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:31:46"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:31:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:31:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:32:01"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:32:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:32:11"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:32:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:32:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:32:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:32:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:32:36"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:32:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:32:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:32:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:32:56"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:33:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:33:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:33:11"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:33:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:33:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:33:26"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:33:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:33:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:33:41"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:33:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:33:51"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:33:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:34:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:34:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:34:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:34:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:34:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:34:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:34:31"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:34:36"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:34:41"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:34:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:34:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:34:56"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:35:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:35:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:35:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:35:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:35:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:35:27"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:35:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:35:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:35:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:35:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:35:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:35:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:36:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:36:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:36:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:36:17"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:36:29"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:36:37"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:36:42"} -{"level":"info","message":"GET /list 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:36:44"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:36:44"} -{"level":"info","message":"GET /colors 403 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:36:44"} -{"level":"info","message":"DELETE /delete/162 200 - 167ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:36:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:36:49"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:36:54"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:36:59"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:37:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:37:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:37:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:37:20"} -{"level":"info","message":"POST /create-hospital 201 - 3243ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:37:23"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:37:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:37:25"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:38:51"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:39:04"} -{"level":"info","message":"GET /colors 403 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:39:05"} -{"level":"info","message":"GET /list 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:39:08"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:39:08"} -{"level":"info","message":"GET /colors 403 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:39:08"} -{"level":"info","message":"DELETE /delete/163 200 - 200ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:39:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:39:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:39:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:39:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:39:28"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:39:33"} -{"level":"info","message":"POST /create-hospital 201 - 1319ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:39:36"} -{"level":"info","message":"GET /list 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:39:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:39:38"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:40:50"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:43:47"} -{"level":"info","message":"GET /list 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:43:50"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:43:50"} -{"level":"info","message":"GET /colors 403 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:43:50"} -{"level":"info","message":"DELETE /delete/164 200 - 45ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:43:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:43:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:44:01"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:44:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:44:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:44:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:44:21"} -{"level":"info","message":"POST /create-hospital 201 - 6543ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:44:22"} -{"level":"info","message":"GET /list 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:44:22"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:44:26"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:44:43"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:44:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 15:45:01"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:46:41"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:51:19"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:51:30"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 15:51:43"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 16:08:13"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 16:09:38"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 16:29:15"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 16:46:40"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 16:46:57"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 17:40:03"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 17:50:07"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 17:51:49"} -{"level":"info","message":"POST /hospital-users/login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:07"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:12"} -{"level":"info","message":"GET /refresh-token/33/6 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:12"} -{"level":"info","message":"GET /refresh-token/33/6 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:12"} -{"level":"info","message":"POST /refresh 200 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:13"} -{"level":"info","message":"POST /login 200 - 107ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:13"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:13"} -{"level":"info","message":"GET /users/active 304 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:13"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 55ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:13"} -{"level":"info","message":"GET /users/active 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:13"} -{"level":"info","message":"POST /hospitals/active 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:13"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:15"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:15"} -{"level":"info","message":"GET /colors 403 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:15"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:20"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:25"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:35"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:52:40"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:53:50"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:54:00"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:54:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:54:10"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:54:15"} -{"level":"info","message":"POST /hospital-users/login 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:16"} -{"level":"info","message":"GET /refresh-token/204/7 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:16"} -{"level":"info","message":"POST /get-access-token 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:16"} -{"level":"info","message":"POST /login 200 - 102ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:16"} -{"level":"info","message":"GET /204 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:16"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:21"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:26"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:31"} -{"level":"info","message":"PUT /update-password/204 200 - 122ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:35"} -{"level":"info","message":"POST /add 201 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:35"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:36"} -{"level":"info","message":"GET /colors 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:41"} -{"level":"info","message":"POST /upload-profile-photo 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:41"} -{"level":"info","message":"POST /add 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:41"} -{"level":"info","message":"PUT /update/165 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:42"} -{"level":"info","message":"POST /add 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:43"} -{"level":"info","message":"GET /colors 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:46"} -{"level":"info","message":"GET /165 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:48"} -{"level":"info","message":"GET /165 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:48"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:48"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:48"} -{"level":"info","message":"GET /165 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:48"} -{"level":"info","message":"GET /165 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:48"} -{"level":"info","message":"GET /165 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:48"} -{"level":"info","message":"GET /165 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:48"} -{"level":"info","message":"GET /165 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:48"} -{"level":"info","message":"GET /165 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:48"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:51"} -{"level":"info","message":"GET /165 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:53"} -{"level":"info","message":"GET /165 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:53"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:53"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:55:56"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:56:01"} -{"level":"info","message":"GET /165 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:56:02"} -{"level":"info","message":"GET /165 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:56:02"} -{"level":"info","message":"GET /hospital-users/165 404 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:56:02"} -{"level":"info","message":"GET /hospital-users/165 404 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:56:02"} -{"level":"info","message":"GET /165 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:56:03"} -{"level":"info","message":"GET /165 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:56:03"} -{"level":"info","message":"GET /165 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:56:03"} -{"level":"info","message":"GET /165 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:56:03"} -{"level":"info","message":"GET /165 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:56:03"} -{"level":"info","message":"GET /165 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:56:03"} -{"level":"info","message":"GET /165 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:56:03"} -{"level":"info","message":"POST /send-temp-password 200 - 3801ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:56:24"} -{"level":"info","message":"POST /hospital-users/login 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:16"} -{"level":"info","message":"GET /refresh-token/204/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:16"} -{"level":"info","message":"POST /get-access-token 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:16"} -{"level":"info","message":"POST /login 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:16"} -{"level":"info","message":"GET /204 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:16"} -{"level":"info","message":"GET /colors 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:19"} -{"level":"info","message":"GET /165 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:19"} -{"level":"info","message":"GET /165 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:19"} -{"level":"info","message":"GET /165 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:19"} -{"level":"info","message":"GET /165 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:19"} -{"level":"info","message":"GET /165 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:19"} -{"level":"info","message":"GET /165 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:20"} -{"level":"info","message":"GET /165 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:20"} -{"level":"info","message":"GET /165 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:20"} -{"level":"info","message":"GET /165 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:20"} -{"level":"info","message":"GET /165 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:20"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:25"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:27"} -{"level":"info","message":"GET /colors 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:32"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:37"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:44"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:49"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:54"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 17:59:59"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:00:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:00:09"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:00:14"} -{"level":"info","message":"POST /change-password 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:00:16"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:00:19"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:00:24"} -{"level":"info","message":"POST /change-password 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:00:27"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:00:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:00:34"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:00:39"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:01:34"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:03:38"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:03:41"} -{"level":"info","message":"GET /colors 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:03:45"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:00"} -{"level":"info","message":"POST /change-password 400 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:02"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:05"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:10"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:15"} -{"level":"info","message":"POST /change-password 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:16"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:19"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:25"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:30"} -{"level":"info","message":"POST /hospital-users/login 401 - 58ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:30"} -{"level":"info","message":"POST /hospital-users/login 200 - 57ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:33"} -{"level":"info","message":"GET /refresh-token/204/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:33"} -{"level":"info","message":"POST /get-access-token 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:33"} -{"level":"info","message":"POST /login 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:33"} -{"level":"info","message":"GET /204 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:33"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:35"} -{"level":"info","message":"GET /165 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:36"} -{"level":"info","message":"GET /colors 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:36"} -{"level":"info","message":"GET /165 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:36"} -{"level":"info","message":"GET /165 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:36"} -{"level":"info","message":"GET /165 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:36"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:36"} -{"level":"info","message":"GET /165 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:37"} -{"level":"info","message":"GET /165 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:37"} -{"level":"info","message":"GET /165 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:37"} -{"level":"info","message":"GET /165 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:37"} -{"level":"info","message":"GET /165 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:37"} -{"level":"info","message":"GET /165 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:37"} -{"level":"info","message":"GET /165 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:41"} -{"level":"info","message":"GET /165 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:41"} -{"level":"info","message":"GET /colors 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:42"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:04:43"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:05:38"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:05:55"} -{"level":"info","message":"GET /165 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:06:55"} -{"level":"info","message":"GET /colors 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:07:48"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:07:53"} -{"level":"info","message":"GET /165 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:07:55"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:07:58"} -{"level":"info","message":"POST /hospital-users/login 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:14"} -{"level":"info","message":"GET /refresh-token/204/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:14"} -{"level":"info","message":"POST /get-access-token 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:14"} -{"level":"info","message":"POST /login 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:14"} -{"level":"info","message":"GET /204 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:14"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:18"} -{"level":"info","message":"GET /165 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:18"} -{"level":"info","message":"GET /165 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:18"} -{"level":"info","message":"GET /165 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:18"} -{"level":"info","message":"GET /165 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:18"} -{"level":"info","message":"GET /165 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:18"} -{"level":"info","message":"GET /165 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:18"} -{"level":"info","message":"GET /165 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:18"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:18"} -{"level":"info","message":"GET /165 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:18"} -{"level":"info","message":"GET /165 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:18"} -{"level":"info","message":"POST /send-temp-password 200 - 3604ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:08:29"} -{"level":"info","message":"POST /hospital-users/login 200 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:00"} -{"level":"info","message":"GET /refresh-token/204/7 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:00"} -{"level":"info","message":"POST /get-access-token 200 - 106ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:00"} -{"level":"info","message":"POST /login 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:00"} -{"level":"info","message":"GET /204 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:00"} -{"level":"info","message":"GET /colors 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:03"} -{"level":"info","message":"GET /165 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:03"} -{"level":"info","message":"GET /165 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:03"} -{"level":"info","message":"GET /165 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:03"} -{"level":"info","message":"GET /165 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:03"} -{"level":"info","message":"GET /165 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:03"} -{"level":"info","message":"GET /165 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:03"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:03"} -{"level":"info","message":"GET /165 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:03"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:04"} -{"level":"info","message":"GET /165 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:04"} -{"level":"info","message":"GET /165 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:04"} -{"level":"info","message":"GET /165 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:09:04"} -{"level":"info","message":"POST /change-password 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:00"} -{"level":"info","message":"POST /hospital-users/login 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:31"} -{"level":"info","message":"GET /refresh-token/204/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:31"} -{"level":"info","message":"POST /get-access-token 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:31"} -{"level":"info","message":"POST /login 200 - 95ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:31"} -{"level":"info","message":"GET /204 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:31"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:34"} -{"level":"info","message":"GET /165 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:34"} -{"level":"info","message":"GET /165 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:34"} -{"level":"info","message":"GET /165 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:34"} -{"level":"info","message":"GET /165 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:34"} -{"level":"info","message":"GET /165 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:34"} -{"level":"info","message":"GET /165 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:34"} -{"level":"info","message":"GET /165 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:35"} -{"level":"info","message":"GET /165 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:35"} -{"level":"info","message":"GET /165 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:35"} -{"level":"info","message":"GET /165 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:35"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:39"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:39"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:40"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:40"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:10:45"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:11:36"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:12:05"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:12:25"} -{"level":"info","message":"GET /165 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:12:36"} -{"level":"info","message":"GET /165 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:13:36"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:14:03"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:14:08"} -{"level":"info","message":"GET /165 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:14:36"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:14:43"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:15:28"} -{"level":"info","message":"GET /165 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:15:36"} -{"level":"info","message":"GET /165 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:16:36"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:16:44"} -{"level":"info","message":"GET /165 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:18:34"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:20:06"} -{"level":"info","message":"GET /165 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:20:34"} -{"level":"info","message":"GET /165 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:22:34"} -{"level":"info","message":"GET /165 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:24:34"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:25:48"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:25:53"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:26:18"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:26:33"} -{"level":"info","message":"GET /165 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:26:34"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:26:41"} -{"level":"info","message":"POST /hospital-users/login 404 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:27:40"} -{"level":"info","message":"GET /165 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:28:34"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:28:38"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:28:43"} -{"level":"info","message":"POST /hospital-users/login 401 - 55ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:28:49"} -{"level":"info","message":"POST /hospital-users/login 200 - 56ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:28:54"} -{"level":"info","message":"GET /refresh-token/33/6 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:29:08"} -{"level":"info","message":"POST /get-access-token 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:29:32"} -{"level":"info","message":"POST /refresh 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:29:57"} -{"0":"r","1":"e","2":"a","3":"s","4":"o","5":"n","6":":","level":"error","message":"Unhandled Rejection at:","service":"spurrinai-backend","timestamp":"2025-06-06 18:30:26"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:31:22"} -{"0":"r","1":"e","2":"a","3":"s","4":"o","5":"n","6":":","level":"error","message":"Unhandled Rejection at:","service":"spurrinai-backend","timestamp":"2025-06-06 18:31:24"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:31:43"} -{"level":"info","message":"GET /165 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:32:34"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:32:39"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:33:16"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:33:35"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:33:38"} -{"level":"info","message":"GET /165 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:34:34"} -{"level":"info","message":"GET /public-signup/204 404 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:35:27"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:35:47"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:35:54"} -{"level":"info","message":"GET /public-signup/204 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:35:57"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:36:16"} -{"level":"info","message":"GET /public-signup/165 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:36:27"} -{"level":"info","message":"GET /165 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:36:34"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:36:39"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:36:56"} -{"level":"info","message":"GET /colors 304 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:37:07"} -{"level":"info","message":"GET /165 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:37:36"} -{"level":"info","message":"GET /165 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:38:36"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:39:04"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:39:31"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:39:42"} -{"level":"info","message":"GET /165 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:40:34"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:40:37"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:41:07"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:42:00"} -{"level":"info","message":"GET /165 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:42:34"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:42:49"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-06 18:43:27"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:38"} -{"level":"info","message":"GET /colors 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:40"} -{"level":"info","message":"GET /98 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:40"} -{"level":"info","message":"PUT /edit-user/405 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:40"} -{"level":"info","message":"GET /colors 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:41"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:45"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:50"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:51"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:55"} -{"level":"info","message":"GET /63 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:56"} -{"level":"info","message":"GET /63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:56"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:56"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:56"} -{"level":"info","message":"GET /63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:56"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:56"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:56:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:00"} -{"level":"info","message":"GET /63 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:01"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:01"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:04"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:04"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:04"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:04"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:04"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:04"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:04"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:04"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:04"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:04"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:04"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:05"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:06"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:06"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:09"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:09"} -{"level":"info","message":"DELETE /delete-user/510 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:09"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:09"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:10"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:14"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:15"} -{"level":"info","message":"PUT /edit-user/405 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:15"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:16"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:16"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:16"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:16"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:16"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:16"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:16"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:16"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:16"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:16"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:20"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:21"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:21"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:21"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:22"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:24"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:24"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:24"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:24"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:24"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:24"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:24"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:24"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:25"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:25"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:25"} -{"level":"info","message":"PUT /edit-user/405 200 - 106ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:27"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:27"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:29"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:29"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:30"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:32"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:33"} -{"level":"info","message":"GET /hospital-users/98 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:33"} -{"level":"info","message":"GET /hospital-users/98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:33"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:39"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:40"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:40"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:45"} -{"level":"info","message":"PUT /edit-user/510 200 - 118ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:45"} -{"level":"info","message":"GET /98 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:45"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:45"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:45"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:50"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:52"} -{"level":"info","message":"GET /63 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:53"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:53"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:53"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:53"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:55"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:57"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:57:58"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:02"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:05"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:05"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:07"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:12"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:15"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:17"} -{"level":"info","message":"POST /upload-profile-photo 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:27"} -{"level":"info","message":"PUT /edit-user/510 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:30"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:30"} -{"level":"info","message":"GET /98 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:32"} -{"level":"info","message":"GET /hospital/received 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:32"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:32"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:40"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:40"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:40"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:40"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:45"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:45"} -{"level":"info","message":"POST /upload-profile-photo 200 - 93ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:50"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:50"} -{"level":"info","message":"GET /98 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:51"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:51"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:51"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:51"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:52"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:52"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:52"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:52"} -{"level":"info","message":"GET /63 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:53"} -{"level":"info","message":"GET /63 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:53"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:53"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:55"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:56"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:57"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:58:58"} -{"level":"info","message":"POST /upload-profile-photo 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:02"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:05"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:07"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:08"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:10"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:12"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:13"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:15"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:17"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:23"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:25"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:27"} -{"level":"info","message":"POST /upload-profile-photo 200 - 152ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:27"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:28"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:30"} -{"level":"info","message":"POST /upload-profile-photo 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:32"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:33"} -{"level":"info","message":"GET /98 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:34"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:34"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:34"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:34"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:34"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:34"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:38"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:39"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:39"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:43"} -{"level":"info","message":"GET /hospital-users/63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:44"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:44"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:44"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:48"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:49"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:53"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:54"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:58"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 18:59:59"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:01"} -{"level":"info","message":"POST /upload-profile-photo 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:02"} -{"level":"info","message":"PUT /approve-id/128 200 - 113ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:02"} -{"level":"info","message":"GET /hospital-users/63 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:03"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:06"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:08"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:09"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:10"} -{"level":"info","message":"GET /hospital/63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:10"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:10"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:13"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:19"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:23"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:26"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:28"} -{"level":"info","message":"GET /63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:28"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:28"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:28"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:28"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:28"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:28"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:28"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:30"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:31"} -{"level":"info","message":"GET /63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:33"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:33"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:33"} -{"level":"info","message":"GET /98 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:34"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:34"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:38"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:43"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:48"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:51"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:53"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:56"} -{"level":"info","message":"GET / 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:57"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:00:59"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:01"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:05"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:06"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:09"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:09"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:09"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:09"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:09"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:09"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:09"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:09"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:09"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:09"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:09"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:14"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:14"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:14"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:15"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:19"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:26"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:27"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:27"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:27"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:29"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:31"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:33"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:39"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:44"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:49"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:54"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:56"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:01:59"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:09"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:14"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:16"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:19"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:24"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:26"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:28"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:40"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:50"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:50"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:55"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:02:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:05"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:06"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:16"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:21"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:25"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:27"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:28"} -{"level":"info","message":"GET /98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:28"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:30"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:37"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:42"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:45"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:45"} -{"level":"info","message":"POST /upload-profile-photo 200 - 145ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:50"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:52"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:55"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:57"} -{"level":"info","message":"GET /98 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:59"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:03:59"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:00"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:00"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:02"} -{"level":"info","message":"POST /upload-profile-photo 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:03"} -{"level":"info","message":"GET /98 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:04"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:04"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:04"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:05"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:05"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:07"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:12"} -{"level":"info","message":"POST /upload-profile-photo 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:14"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:17"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:21"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:22"} -{"level":"info","message":"GET /98 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:22"} -{"level":"info","message":"GET /hospital/98 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:22"} -{"level":"info","message":"GET /hospital/98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:22"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:22"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:22"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:23"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:24"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:24"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:24"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:24"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:26"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:27"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:28"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:30"} -{"level":"info","message":"POST /upload-profile-photo 200 - 100ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:37"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:41"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:46"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:52"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:04:57"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:02"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:07"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:11"} -{"level":"info","message":"GET /98 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:12"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:12"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:12"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:12"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:12"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:12"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:12"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:12"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:12"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:16"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:17"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:17"} -{"level":"info","message":"POST /upload-profile-photo 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:17"} -{"level":"info","message":"GET /colors 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:21"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:27"} -{"level":"info","message":"POST /upload-profile-photo 200 - 177ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:27"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:31"} -{"level":"info","message":"POST /upload-profile-photo 200 - 123ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:37"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:37"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:41"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:51"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:52"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:05:57"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:02"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:06"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:07"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:12"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:12"} -{"level":"info","message":"GET /98 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:13"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:13"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:17"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:22"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:27"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:37"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:37"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:47"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:52"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:52"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:52"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:52"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:52"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:52"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:52"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:53"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:57"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:58"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:58"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:06:58"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:02"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:03"} -{"level":"info","message":"POST /login 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:07"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:12"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:17"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:19"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:22"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:22"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:22"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:22"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:24"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:27"} -{"level":"info","message":"POST /upload-profile-photo 200 - 125ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:27"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:37"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:40"} -{"level":"info","message":"GET /98 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:40"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:40"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:40"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:42"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:47"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:52"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:52"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:55"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:55"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:55"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:55"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:55"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:55"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:55"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:07:57"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:01"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:03"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:05"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:05"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:08"} -{"level":"info","message":"POST /upload-profile-photo 200 - 212ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:08"} -{"level":"info","message":"GET /98 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:10"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:10"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:10"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:10"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:15"} -{"level":"info","message":"POST /upload-profile-photo 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:16"} -{"level":"info","message":"POST /initialize 201 - 205ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:17"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:17"} -{"level":"info","message":"GET /refresh-token/104/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:17"} -{"level":"info","message":"POST /refresh 200 - 102ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:17"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:18"} -{"level":"info","message":"POST /create-hospital 201 - 2744ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:20"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:20"} -{"level":"info","message":"GET /refresh-token/768/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:20"} -{"level":"info","message":"POST /get-access-token 200 - 124ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:23"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:28"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:33"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:38"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:41"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:43"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:48"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:53"} -{"level":"info","message":"GET /98 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:55"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:55"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:56"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:56"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:08:58"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:06"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:08"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:11"} -{"level":"info","message":"POST /upload-profile-photo 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:12"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:13"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:18"} -{"level":"info","message":"GET /98 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:20"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:20"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:20"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:20"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:26"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:36"} -{"level":"info","message":"POST /upload-profile-photo 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:38"} -{"level":"info","message":"GET /98 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:40"} -{"level":"info","message":"POST /send-temp-password 500 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:40"} -{"level":"info","message":"GET /98 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:41"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:41"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:41"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:41"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:41"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:41"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:41"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:41"} -{"level":"info","message":"POST /send-temp-password 500 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:43"} -{"level":"info","message":"POST /upload-profile-photo 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:44"} -{"level":"info","message":"GET /98 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:46"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:46"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:46"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:46"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:46"} -{"level":"info","message":"GET /98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:46"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:50"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:50"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:50"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:50"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:50"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:50"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:50"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:50"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:56"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:56"} -{"level":"info","message":"POST /send-temp-password 500 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:09:58"} -{"level":"info","message":"POST /initialize 201 - 190ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:10:17"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:10:17"} -{"level":"info","message":"GET /refresh-token/105/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:10:17"} -{"level":"info","message":"POST /refresh 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:10:17"} -{"level":"info","message":"POST /login 200 - 171ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:10:17"} -{"level":"info","message":"POST /create-hospital 201 - 2816ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:10:20"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:10:20"} -{"level":"info","message":"GET /refresh-token/769/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:10:20"} -{"level":"info","message":"POST /get-access-token 200 - 225ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:10:20"} -{"level":"info","message":"POST /login 200 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:10:21"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:10:40"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:10:45"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:10:51"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:11:40"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:11:45"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:11:51"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:12:40"} -{"level":"info","message":"GET /63 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:12:45"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-06 19:12:46"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 19:12:49"} -{"level":"info","message":"GET /98 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:12:51"} -{"level":"info","message":"POST /send-temp-password 200 - 2887ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:13:36"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:13:40"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:13:45"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:13:51"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:07"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:08"} -{"level":"info","message":"GET /hospital-users/98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:08"} -{"level":"info","message":"GET /public-signup/98 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:08"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:08"} -{"level":"info","message":"GET /hospital-users/98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:08"} -{"level":"info","message":"GET /public-signup/98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:08"} -{"level":"info","message":"PUT /public-signup/98 200 - 475ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:09"} -{"level":"info","message":"PUT /public-signup/98 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:12"} -{"level":"info","message":"GET /public-signup/98 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:13"} -{"level":"info","message":"GET /98 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:13"} -{"level":"info","message":"GET /colors 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:13"} -{"level":"info","message":"GET /hospital-users/98 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:13"} -{"level":"info","message":"GET /public-signup/98 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:13"} -{"level":"info","message":"GET /hospital-users/98 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:13"} -{"level":"info","message":"GET /98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:13"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:13"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:13"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:13"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:13"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:13"} -{"level":"info","message":"PUT /public-signup/98 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:15"} -{"level":"info","message":"PUT /public-signup/98 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:16"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:18"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:18"} -{"level":"info","message":"GET /public-signup/98 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:18"} -{"level":"info","message":"GET /hospital-users/98 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:18"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:18"} -{"level":"info","message":"GET /98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:18"} -{"level":"info","message":"GET /public-signup/98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:18"} -{"level":"info","message":"GET /hospital-users/98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:18"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:18"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:18"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:18"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:18"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:23"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:23"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:33"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:38"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:43"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:48"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:53"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:14:58"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:08"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:13"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:18"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:23"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:33"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:38"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:43"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:44"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:48"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:53"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:15:58"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:03"} -{"level":"info","message":"POST /hospital-users/login 401 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:08"} -{"level":"info","message":"POST /hospital-users/login 401 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:13"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:14"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:18"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:23"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:24"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:33"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:38"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:39"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:43"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:44"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:48"} -{"level":"info","message":"GET /hospital/received 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:48"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:48"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:48"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:49"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:53"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:54"} -{"level":"info","message":"GET /63 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:58"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:58"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:58"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:58"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:59"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:16:59"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:03"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:04"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:06"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:06"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:06"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:09"} -{"level":"info","message":"GET /hospital-users/63 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:10"} -{"level":"info","message":"GET /63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:10"} -{"level":"info","message":"GET /63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:14"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:14"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:15"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:15"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:15"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:15"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:19"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:20"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:20"} -{"level":"info","message":"GET /98 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:20"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:20"} -{"level":"info","message":"GET /hospital/received 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:20"} -{"level":"info","message":"GET /98 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:20"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:20"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:20"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:20"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:20"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:25"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:30"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:35"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:40"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:44"} -{"level":"info","message":"GET /refresh-token/405/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:44"} -{"level":"info","message":"POST /get-access-token 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:44"} -{"level":"info","message":"POST /login 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:44"} -{"level":"info","message":"GET /405 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:44"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:46"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:47"} -{"level":"info","message":"GET /63 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:47"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:47"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:47"} -{"level":"info","message":"GET /63 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:47"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:47"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:47"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:47"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:47"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:47"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:52"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:52"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:52"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:52"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:17:57"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:02"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:07"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:13"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:14"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:17"} -{"level":"info","message":"GET /refresh-token/405/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:17"} -{"level":"info","message":"POST /get-access-token 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:17"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:17"} -{"level":"info","message":"GET /405 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:17"} -{"level":"info","message":"GET /63 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:19"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:19"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:19"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:19"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:20"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:20"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:20"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:20"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:20"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:20"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:21"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:23"} -{"level":"info","message":"GET /hospital/63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:23"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:23"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:24"} -{"level":"info","message":"GET /hospital-users/63 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:25"} -{"level":"info","message":"GET /63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:25"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:25"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:30"} -{"level":"info","message":"PUT /public-signup/63 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:35"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:40"} -{"level":"info","message":"POST /initialize 201 - 260ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:40"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:40"} -{"level":"info","message":"GET /refresh-token/106/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:41"} -{"level":"info","message":"POST /refresh 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:41"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:41"} -{"level":"info","message":"GET /hospital-users/63 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:41"} -{"level":"info","message":"GET /63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:41"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:41"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:41"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:41"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:41"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:41"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:41"} -{"level":"info","message":"POST /create-hospital 201 - 2932ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:44"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:44"} -{"level":"info","message":"GET /refresh-token/770/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:44"} -{"level":"info","message":"POST /get-access-token 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:44"} -{"level":"info","message":"POST /login 200 - 248ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:44"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:46"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:46"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:51"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:51"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:51"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:51"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:51"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:51"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:51"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:51"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:51"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:51"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:56"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:18:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:16"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:21"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:27"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:32"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:37"} -{"level":"info","message":"GET /hospital/received 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:39"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:39"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:39"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:39"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:39"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:39"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:39"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:41"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:41"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:41"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:41"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:41"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:41"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:41"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:42"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:42"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:42"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:42"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:19:52"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:17"} -{"level":"info","message":"POST /change-password 200 - 241ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:20"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:32"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:36"} -{"level":"info","message":"GET /refresh-token/503/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:36"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:36"} -{"level":"info","message":"GET /hospital/received 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:36"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:36"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:36"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:37"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:37"} -{"level":"info","message":"POST /get-access-token 200 - 104ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:37"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:37"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:37"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:37"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:37"} -{"level":"info","message":"GET /503 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:37"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:37"} -{"level":"info","message":"GET /93 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:39"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:39"} -{"level":"info","message":"GET /colors 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:39"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:39"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:40"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:40"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:40"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:40"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:40"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:40"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:42"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:42"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:42"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:44"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:44"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:45"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:45"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:46"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:46"} -{"level":"info","message":"GET /hospital/received 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:46"} -{"level":"info","message":"GET /98 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:46"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:46"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:46"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:46"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:46"} -{"level":"info","message":"GET /hospital/93 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:46"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:46"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:46"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:46"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:50"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:50"} -{"level":"info","message":"GET /hospital-users/93 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:50"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:50"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:55"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:20:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:05"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:06"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:20"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:36"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:41"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:45"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:46"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:48"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:48"} -{"level":"info","message":"GET /98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:48"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:48"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:49"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:49"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:50"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:50"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:50"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:55"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:21:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:06"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:16"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:21"} -{"level":"info","message":"POST /login 200 - 155ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:22"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:26"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:36"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:41"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:42"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:46"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:50"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:51"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:51"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:51"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:51"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:52"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:52"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:53"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:55"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:57"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:22:58"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:00"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:01"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:02"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:02"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:03"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:03"} -{"level":"info","message":"GET /hospital/63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:03"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:03"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:03"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:07"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:07"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:12"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:17"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:17"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:17"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:17"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:17"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:17"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:17"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:17"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:17"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:22"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:37"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:42"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:48"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:51"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:51"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:51"} -{"level":"info","message":"POST /refresh 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:51"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:51"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:52"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:52"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:52"} -{"level":"info","message":"GET /users/active 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:52"} -{"level":"info","message":"POST /hospitals/active 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:52"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:55"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:23:57"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:00"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:02"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:05"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:06"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:06"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:10"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:15"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:17"} -{"level":"info","message":"GET /hospital/received 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:17"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:17"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:17"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:20"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:33"} -{"level":"info","message":"POST /app-user/submit 201 - 100ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:34"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:34"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:34"} -{"level":"info","message":"POST /refresh 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:34"} -{"level":"info","message":"POST /login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:35"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:35"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:35"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:35"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:35"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:38"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:40"} -{"level":"info","message":"GET /hospital/received 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:40"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:40"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:41"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:41"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:41"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:42"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:46"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:24:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:07"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:12"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:17"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:18"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:22"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:27"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:32"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:37"} -{"level":"info","message":"GET /63 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:41"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:42"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:47"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:52"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:25:57"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:02"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:07"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:12"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:12"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:17"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:22"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:22"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:34"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:34"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:34"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:34"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:34"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:34"} -{"level":"info","message":"GET /63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:34"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:34"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:34"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:34"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:36"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:36"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:36"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:38"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:41"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:42"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:44"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:44"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:49"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:49"} -{"level":"info","message":"GET /93 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:51"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:53"} -{"level":"info","message":"GET /public-signup/98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:53"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:53"} -{"level":"info","message":"GET /public-signup/98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:53"} -{"level":"info","message":"GET /hospital-users/98 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:53"} -{"level":"info","message":"GET /hospital-users/98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:53"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:54"} -{"level":"info","message":"PUT /public-signup/98 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:55"} -{"level":"info","message":"PUT /public-signup/98 200 - 122ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:57"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:59"} -{"level":"info","message":"GET /public-signup/98 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:59"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:59"} -{"level":"info","message":"GET /hospital-users/98 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:59"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:59"} -{"level":"info","message":"GET /98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:59"} -{"level":"info","message":"GET /public-signup/98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:59"} -{"level":"info","message":"GET /hospital-users/98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:59"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:59"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:59"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:59"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:59"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:26:59"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:03"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:03"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:03"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:03"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:03"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:03"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:03"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:03"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:04"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:08"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:08"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:09"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:14"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:19"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:39"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:44"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:47"} -{"level":"info","message":"GET /63 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:47"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:47"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:47"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:47"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:47"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:48"} -{"level":"info","message":"GET /63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:48"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:48"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:48"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:49"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:50"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:52"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:53"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:53"} -{"level":"info","message":"GET /63 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:53"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:54"} -{"level":"info","message":"PUT /update-settings 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:27:55"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:28:03"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:28:45"} -{"level":"info","message":"GET /63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:28:48"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:03"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:06"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:07"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:07"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:07"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:07"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:07"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:07"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:12"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:12"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:45"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:48"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:48"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:48"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:48"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:48"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:52"} -{"level":"info","message":"GET /98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:53"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:53"} -{"level":"info","message":"POST /hospital-users/login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:57"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:57"} -{"level":"info","message":"POST /get-access-token 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:57"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:57"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:29:59"} -{"level":"info","message":"GET /98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:01"} -{"level":"info","message":"GET /hospital/98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:01"} -{"level":"info","message":"GET /hospital/98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:01"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:02"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:02"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:03"} -{"level":"info","message":"POST /login 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:04"} -{"level":"info","message":"GET /hospital/98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:04"} -{"level":"info","message":"GET /98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:04"} -{"level":"info","message":"GET /hospital/98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:04"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:04"} -{"level":"info","message":"GET /98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:04"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:04"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:05"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:05"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:05"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:07"} -{"level":"info","message":"GET /public-signup/98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:07"} -{"level":"info","message":"GET /hospital-users/98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:07"} -{"level":"info","message":"GET /public-signup/98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:07"} -{"level":"info","message":"GET /hospital-users/98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:07"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:07"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:09"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:10"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:10"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:10"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:10"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:13"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:13"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:13"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:15"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:18"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:18"} -{"level":"info","message":"PUT /edit-user/510 200 - 115ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:20"} -{"level":"info","message":"GET /98 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:20"} -{"level":"info","message":"GET /hospital/received 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:20"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:20"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:20"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:25"} -{"level":"info","message":"GET /refresh-token/510/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:25"} -{"level":"info","message":"POST /get-access-token 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:26"} -{"level":"info","message":"POST /login 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:26"} -{"level":"info","message":"GET /510 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:27"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:28"} -{"level":"info","message":"GET /98 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:28"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:28"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:28"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:28"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:28"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:28"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:28"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:28"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:28"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:28"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:29"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:34"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:34"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:34"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:44"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:45"} -{"level":"info","message":"GET /63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:49"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:53"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:54"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:30:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:19"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:24"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:45"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:45"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:31:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:10"} -{"level":"info","message":"POST /initialize 201 - 197ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:13"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:14"} -{"level":"info","message":"GET /refresh-token/107/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:14"} -{"level":"info","message":"POST /refresh 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:14"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:15"} -{"level":"info","message":"POST /create-hospital 201 - 921ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:15"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:15"} -{"level":"info","message":"GET /refresh-token/771/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:15"} -{"level":"info","message":"POST /get-access-token 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:15"} -{"level":"info","message":"POST /login 200 - 132ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:15"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:20"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:21"} -{"level":"info","message":"PUT /update-settings 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:25"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:40"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:45"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:32:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:20"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:21"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:25"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:25"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:25"} -{"level":"info","message":"POST /refresh 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:25"} -{"level":"info","message":"POST /login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:25"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:26"} -{"level":"info","message":"GET /users/active 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:26"} -{"level":"info","message":"POST /hospitals/active 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:27"} -{"level":"info","message":"GET /list 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:28"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:42"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:47"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:52"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:55"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:55"} -{"level":"info","message":"POST /create-hospital 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:56"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:33:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:07"} -{"level":"info","message":"POST /create-hospital 201 - 768ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:10"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:16"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:21"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:27"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:32"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:41"} -{"level":"info","message":"POST /initialize 201 - 189ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:41"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:41"} -{"level":"info","message":"GET /refresh-token/108/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:41"} -{"level":"info","message":"POST /refresh 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:41"} -{"level":"info","message":"POST /login 200 - 190ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:42"} -{"level":"info","message":"POST /create-hospital 201 - 733ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:42"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:43"} -{"level":"info","message":"GET /refresh-token/773/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:43"} -{"level":"info","message":"POST /get-access-token 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:43"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:43"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:34:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:06"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:17"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:18"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:27"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:30"} -{"level":"info","message":"PUT /update-settings 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:42"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:45"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:35:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:17"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:28"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:43"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:36:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:38"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:40"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:45"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:45"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:53"} -{"level":"info","message":"POST /initialize 201 - 218ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:58"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:58"} -{"level":"info","message":"GET /refresh-token/109/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:58"} -{"level":"info","message":"POST /refresh 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:58"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:58"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:58"} -{"level":"info","message":"POST /create-hospital 201 - 749ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:59"} -{"level":"info","message":"GET /refresh-token/774/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:59"} -{"level":"info","message":"POST /get-access-token 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:59"} -{"level":"info","message":"POST /login 200 - 154ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:37:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:18"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:23"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:28"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:43"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:53"} -{"level":"info","message":"POST /initialize 201 - 225ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:54"} -{"level":"info","message":"POST /hospital-users/login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:54"} -{"level":"info","message":"GET /refresh-token/110/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:54"} -{"level":"info","message":"POST /refresh 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:54"} -{"level":"info","message":"POST /login 200 - 148ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:54"} -{"level":"info","message":"POST /create-hospital 201 - 743ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:55"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:55"} -{"level":"info","message":"GET /refresh-token/775/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:55"} -{"level":"info","message":"POST /get-access-token 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:55"} -{"level":"info","message":"POST /login 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:38:58"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:23"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:28"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:30"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:38"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:40"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:43"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:45"} -{"level":"info","message":"GET /63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:54"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:39:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:03"} -{"level":"info","message":"GET /refresh-token/47/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:03"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:03"} -{"level":"info","message":"POST /refresh 200 - 107ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:04"} -{"level":"info","message":"POST /login 200 - 171ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:04"} -{"level":"info","message":"GET /users/active 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:04"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:04"} -{"level":"info","message":"POST /hospitals/active 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:11"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:31"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:34"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:35"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:36"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:39"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:40"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:41"} -{"level":"info","message":"PUT /update-settings 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:44"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:40:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:04"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:11"} -{"level":"info","message":"POST /initialize 201 - 196ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:13"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:14"} -{"level":"info","message":"GET /refresh-token/111/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:14"} -{"level":"info","message":"POST /refresh 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:14"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:14"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:14"} -{"level":"info","message":"POST /create-hospital 201 - 657ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:14"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:15"} -{"level":"info","message":"GET /refresh-token/776/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:15"} -{"level":"info","message":"POST /get-access-token 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:15"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:39"} -{"level":"info","message":"GET /98 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:40"} -{"level":"info","message":"GET /98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:42"} -{"level":"info","message":"GET /appuser_status 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:44"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:45"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:41:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:22"} -{"level":"info","message":"POST /create-hospital 201 - 626ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:22"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:39"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:40"} -{"level":"info","message":"GET /98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:44"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:42:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:40"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:40"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:45"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:45"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:43:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:35"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:40"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:40"} -{"level":"info","message":"GET /93 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:45"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:49"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:50"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:55"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:56"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:57"} -{"level":"info","message":"PUT /update-settings 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:44:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:25"} -{"level":"info","message":"POST /initialize 201 - 234ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:29"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:29"} -{"level":"info","message":"GET /refresh-token/112/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:29"} -{"level":"info","message":"POST /refresh 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:29"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:35"} -{"level":"info","message":"GET /98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:40"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:40"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:45"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:45:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:10"} -{"level":"info","message":"POST /initialize 201 - 242ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:12"} -{"level":"info","message":"GET /refresh-token/113/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:12"} -{"level":"info","message":"POST /refresh 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:12"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:12"} -{"level":"info","message":"POST /create-hospital 201 - 728ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:13"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:13"} -{"level":"info","message":"GET /refresh-token/778/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:13"} -{"level":"info","message":"POST /get-access-token 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:13"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:35"} -{"level":"info","message":"GET /98 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:40"} -{"level":"info","message":"GET /98 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:40"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:46:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:00"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:05"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:08"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:12"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:16"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:17"} -{"level":"info","message":"POST /initialize 201 - 258ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:18"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:18"} -{"level":"info","message":"GET /refresh-token/114/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:18"} -{"level":"info","message":"POST /refresh 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:18"} -{"level":"info","message":"POST /login 200 - 202ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:19"} -{"level":"info","message":"DELETE /delete/205 200 - 409ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:19"} -{"level":"info","message":"POST /create-hospital 201 - 689ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:19"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:19"} -{"level":"info","message":"GET /refresh-token/779/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:20"} -{"level":"info","message":"POST /get-access-token 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:20"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:37"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:40"} -{"level":"info","message":"GET /98 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:41"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:45"} -{"level":"info","message":"GET /63 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:47:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:06"} -{"level":"info","message":"POST /create-hospital 500 - 110ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:07"} -{"level":"info","message":"POST /initialize 201 - 346ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:08"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:08"} -{"level":"info","message":"GET /refresh-token/115/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:08"} -{"level":"info","message":"POST /refresh 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:08"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:08"} -{"level":"info","message":"POST /create-hospital 201 - 522ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:09"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:09"} -{"level":"info","message":"GET /refresh-token/780/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:09"} -{"level":"info","message":"POST /get-access-token 200 - 140ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:09"} -{"level":"info","message":"POST /login 200 - 143ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:17"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:24"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:26"} -{"level":"info","message":"POST /initialize 201 - 244ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:27"} -{"level":"info","message":"POST /hospital-users/login 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:27"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:27"} -{"level":"info","message":"POST /refresh 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:27"} -{"level":"info","message":"POST /login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:27"} -{"level":"info","message":"POST /create-hospital 201 - 407ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:27"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:27"} -{"level":"info","message":"GET /refresh-token/781/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:28"} -{"level":"info","message":"POST /get-access-token 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:28"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:39"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:40"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:44"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:48:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:01"} -{"level":"info","message":"POST /verify-pin 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:03"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:04"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:06"} -{"level":"info","message":"PUT /update-settings 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:29"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:30"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:36"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:40"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:41"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:45"} -{"level":"info","message":"GET /63 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:46"} -{"level":"info","message":"POST /initialize 201 - 256ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:48"} -{"level":"info","message":"POST /initialize 201 - 208ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:48"} -{"level":"info","message":"POST /initialize 400 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:48"} -{"level":"info","message":"POST /initialize 400 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:48"} -{"level":"info","message":"POST /initialize 400 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:48"} -{"level":"info","message":"POST /initialize 201 - 263ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:49"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:49"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:49"} -{"level":"info","message":"POST /refresh 200 - 131ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:49"} -{"level":"info","message":"POST /login 200 - 302ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:49"} -{"level":"info","message":"POST /hospital-users/login 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:49"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:49"} -{"level":"info","message":"POST /refresh 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:50"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:50"} -{"level":"info","message":"POST /create-hospital 201 - 723ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:50"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:51"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:51"} -{"level":"info","message":"POST /refresh 200 - 115ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:51"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:51"} -{"level":"info","message":"POST /create-hospital 201 - 541ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:51"} -{"level":"info","message":"POST /create-hospital 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:51"} -{"level":"info","message":"POST /create-hospital 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:52"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:52"} -{"level":"info","message":"POST /refresh 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:52"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:52"} -{"level":"info","message":"POST /create-hospital 201 - 487ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:52"} -{"level":"info","message":"PUT /update/213 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:52"} -{"level":"info","message":"PUT /update/213 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:53"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:53"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:53"} -{"level":"info","message":"POST /refresh 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:53"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:53"} -{"level":"info","message":"POST /create-hospital 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:53"} -{"level":"info","message":"POST /create-hospital 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:53"} -{"level":"info","message":"POST /create-hospital 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:53"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:53"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:53"} -{"level":"info","message":"POST /refresh 200 - 189ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:53"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:53"} -{"level":"info","message":"PUT /update/211 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:54"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:54"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:54"} -{"level":"info","message":"POST /refresh 200 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:54"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:54"} -{"level":"info","message":"DELETE /delete/211 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:54"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:54"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:54"} -{"level":"info","message":"POST /refresh 200 - 126ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:54"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:54"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:54"} -{"level":"info","message":"PUT /update/211 200 - 165ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:55"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:55"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:55"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:55"} -{"level":"info","message":"POST /refresh 200 - 110ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:55"} -{"level":"info","message":"POST /login 200 - 202ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:55"} -{"level":"info","message":"POST /create-hospital 201 - 607ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:56"} -{"level":"info","message":"DELETE /delete/214 200 - 262ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:56"} -{"level":"info","message":"GET /list/214 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:56"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:56"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:56"} -{"level":"info","message":"POST /refresh 200 - 121ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:56"} -{"level":"info","message":"POST /login 200 - 185ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:57"} -{"level":"info","message":"DELETE /delete/211 200 - 283ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:57"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:57"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:57"} -{"level":"info","message":"POST /refresh 200 - 106ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:57"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:57"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:57"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:58"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:58"} -{"level":"info","message":"POST /get-access-token 200 - 126ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:58"} -{"level":"info","message":"POST /login 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:58"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:58"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:58"} -{"level":"info","message":"POST /refresh 200 - 109ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:58"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:58"} -{"level":"info","message":"POST /create-hospital 201 - 753ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:59"} -{"level":"info","message":"GET /refresh-token/786/7 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:59"} -{"level":"info","message":"POST /get-access-token 200 - 152ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:59"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:49:59"} -{"level":"info","message":"PUT /update-password/786 200 - 572ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:00"} -{"level":"info","message":"POST /add 201 - 145ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:00"} -{"level":"info","message":"POST /upload-profile-photo 200 - 147ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:00"} -{"level":"info","message":"POST /add 200 - 152ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:01"} -{"level":"info","message":"PUT /update/215 200 - 110ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:01"} -{"level":"info","message":"POST /add 200 - 132ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:01"} -{"level":"info","message":"DELETE /delete/215 200 - 361ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:01"} -{"level":"info","message":"POST /hospital-users/login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:01"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:01"} -{"level":"info","message":"POST /get-access-token 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:02"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:02"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:04"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:04"} -{"level":"info","message":"POST /get-access-token 200 - 114ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:04"} -{"level":"info","message":"POST /login 200 - 211ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:04"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:05"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:06"} -{"level":"info","message":"POST /add-user 201 - 3679ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:08"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:10"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:10"} -{"level":"info","message":"POST /get-access-token 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:10"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:11"} -{"level":"info","message":"POST /add-user 201 - 2760ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:13"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:13"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:13"} -{"level":"info","message":"POST /get-access-token 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:13"} -{"level":"info","message":"POST /login 200 - 338ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:16"} -{"level":"info","message":"POST /add-user 201 - 2828ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:17"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:17"} -{"level":"info","message":"GET /refresh-token/789/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:17"} -{"level":"info","message":"POST /get-access-token 200 - 95ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:17"} -{"level":"info","message":"POST /login 200 - 154ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:17"} -{"level":"info","message":"POST /add-user 201 - 2793ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:20"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:20"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:20"} -{"level":"info","message":"POST /get-access-token 200 - 112ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:20"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:21"} -{"level":"info","message":"POST /create-hospital 201 - 690ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:21"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:21"} -{"level":"info","message":"POST /add-user 201 - 2815ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:23"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:23"} -{"level":"info","message":"GET /refresh-token/791/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:23"} -{"level":"info","message":"POST /get-access-token 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:23"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:25"} -{"level":"info","message":"POST /add-user 201 - 2827ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:26"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:26"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:26"} -{"level":"info","message":"POST /get-access-token 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:27"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:27"} -{"level":"info","message":"POST /add-user 201 - 2600ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:29"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:29"} -{"level":"info","message":"GET /refresh-token/794/9 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:29"} -{"level":"info","message":"POST /get-access-token 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:30"} -{"level":"info","message":"POST /login 200 - 140ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:30"} -{"level":"info","message":"POST /add-user 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:30"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:30"} -{"level":"info","message":"GET /refresh-token/781/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:30"} -{"level":"info","message":"POST /get-access-token 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:30"} -{"level":"info","message":"POST /login 200 - 140ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:30"} -{"level":"info","message":"POST /upload 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:30"} -{"level":"info","message":"GET /hospital/210 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:35"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:36"} -{"level":"info","message":"GET /98 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:40"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:41"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:42"} -{"level":"info","message":"GET /refresh-token/781/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:42"} -{"level":"info","message":"POST /get-access-token 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:42"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:42"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:42"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:42"} -{"level":"info","message":"POST /refresh 200 - 334ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:42"} -{"level":"info","message":"POST /login 200 - 153ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:43"} -{"level":"info","message":"GET /list 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:43"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:45"} -{"level":"info","message":"POST /add-user 201 - 2943ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:46"} -{"level":"info","message":"GET /refresh-token/795/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:46"} -{"level":"info","message":"POST /get-access-token 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:46"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:47"} -{"level":"info","message":"POST /add-user 201 - 2904ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:49"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:49"} -{"level":"info","message":"GET /refresh-token/796/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:49"} -{"level":"info","message":"POST /get-access-token 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:49"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:52"} -{"level":"info","message":"POST /add-user 201 - 2895ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:52"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:52"} -{"level":"info","message":"GET /refresh-token/797/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:52"} -{"level":"info","message":"POST /get-access-token 200 - 168ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:53"} -{"level":"info","message":"POST /login 200 - 139ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:53"} -{"level":"info","message":"DELETE /delete/216 200 - 143ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:55"} -{"level":"info","message":"POST /add-user 201 - 2792ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:56"} -{"level":"info","message":"POST /hospital-users/login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:56"} -{"level":"info","message":"GET /refresh-token/798/8 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:56"} -{"level":"info","message":"POST /get-access-token 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:56"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:56"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:57"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:57"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:57"} -{"level":"info","message":"POST /add-user 201 - 2744ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:59"} -{"level":"info","message":"GET /refresh-token/799/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:59"} -{"level":"info","message":"POST /get-access-token 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:59"} -{"level":"info","message":"POST /login 200 - 153ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:59"} -{"level":"info","message":"POST /upload 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:59"} -{"level":"info","message":"POST /upload 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:50:59"} -{"level":"info","message":"POST /upload 200 - 139ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:00"} -{"level":"info","message":"POST /upload 200 - 170ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:00"} -{"level":"info","message":"POST /upload 200 - 124ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:02"} -{"level":"info","message":"POST /add-user 201 - 2888ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:03"} -{"level":"info","message":"POST /hospital-users/login 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:03"} -{"level":"info","message":"GET /refresh-token/800/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:03"} -{"level":"info","message":"POST /get-access-token 200 - 131ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:03"} -{"level":"info","message":"POST /login 200 - 157ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:03"} -{"level":"info","message":"POST /upload 200 - 104ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:03"} -{"level":"info","message":"GET /hospital/210 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:03"} -{"level":"info","message":"POST /upload 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:04"} -{"level":"info","message":"GET /hospital/210 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:04"} -{"level":"info","message":"PUT /update-status/411 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:04"} -{"level":"info","message":"DELETE /delete/411 200 - 261ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:04"} -{"level":"info","message":"PUT /update-status/999999 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:04"} -{"level":"info","message":"DELETE /delete/999999 404 - 38ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:04"} -{"level":"info","message":"GET /hospital/999999 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:04"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:06"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:08"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:12"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:12"} -{"level":"info","message":"GET /list 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:32"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:37"} -{"level":"info","message":"GET /98 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:40"} -{"level":"info","message":"GET /98 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:42"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:45"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:57"} -{"level":"info","message":"POST /create-hospital 201 - 863ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:59"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:51:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:36"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:37"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:40"} -{"level":"info","message":"GET /98 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:41"} -{"level":"info","message":"PUT /update-settings 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:46"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:52:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:27"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:37"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:40"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:42"} -{"level":"info","message":"GET /63 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:45"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:46"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:48"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:53:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:11"} -{"level":"info","message":"DELETE /delete/217 200 - 254ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:38"} -{"level":"info","message":"GET /98 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:40"} -{"level":"info","message":"GET /98 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:54:58"} -{"level":"info","message":"POST /create-hospital 500 - 106ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:08"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:10"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:15"} -{"level":"info","message":"POST /verify-pin 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:16"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:30"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:31"} -{"level":"info","message":"POST /create-hospital 500 - 110ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:33"} -{"level":"info","message":"PUT /update-settings 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:38"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:40"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:43"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:53"} -{"level":"info","message":"POST /create-hospital 201 - 421ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:53"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:55:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:10"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:38"} -{"level":"info","message":"GET /98 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:40"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:43"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:48"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:56:58"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:23"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:27"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:29"} -{"level":"info","message":"GET /colors 403 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:38"} -{"level":"info","message":"GET /98 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:40"} -{"level":"info","message":"GET /98 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:43"} -{"level":"info","message":"GET /63 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:50"} -{"level":"info","message":"GET /list 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:57"} -{"level":"info","message":"DELETE /delete/220 200 - 166ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:57:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:38"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:39"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:40"} -{"level":"info","message":"GET /98 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:40"} -{"level":"info","message":"POST /create-hospital 201 - 1062ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:41"} -{"level":"info","message":"GET /list 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:44"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:47"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:47"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:47"} -{"level":"info","message":"POST /refresh 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:48"} -{"level":"info","message":"POST /login 200 - 135ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:48"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:48"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:48"} -{"level":"info","message":"GET /users/active 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:48"} -{"level":"info","message":"POST /hospitals/active 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:58:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:13"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:39"} -{"level":"info","message":"GET /98 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:40"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 19:59:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:24"} -{"level":"info","message":"POST /verify-pin 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:27"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:28"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:39"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:00:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:09"} -{"level":"info","message":"POST /login 401 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:19"} -{"level":"info","message":"POST /login 200 - 124ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:24"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:28"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:28"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:29"} -{"level":"info","message":"PUT /update-settings 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:40"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:01:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:00"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:02"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:04"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:05"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:18"} -{"level":"info","message":"DELETE /delete/221 200 - 162ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:39"} -{"level":"info","message":"GET /98 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:50"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:54"} -{"level":"info","message":"POST /create-hospital 201 - 680ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:54"} -{"level":"info","message":"GET /list 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:58"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:02:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:00"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:02"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:02"} -{"level":"info","message":"POST /hospitals/active 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:14"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:25"} -{"level":"info","message":"POST /verify-pin 401 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:28"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:28"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:38"} -{"level":"info","message":"PUT /update-settings 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:40"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:55"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:03:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:05"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:06"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:11"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:12"} -{"level":"info","message":"GET /users/active 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:12"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:26"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:28"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:28"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:28"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:39"} -{"level":"info","message":"GET /98 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:04:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:06"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:09"} -{"level":"info","message":"POST /verify-pin 401 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:09"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:11"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:14"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:14"} -{"level":"info","message":"PUT /update-settings 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:24"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:40"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:46"} -{"level":"info","message":"POST /verify-pin 401 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:50"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:51"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:51"} -{"level":"info","message":"PUT /update-settings 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:55"} -{"level":"info","message":"PUT /update-settings 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:55"} -{"level":"info","message":"PUT /update-settings 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:56"} -{"level":"info","message":"PUT /update-settings 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:05:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:01"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:03"} -{"level":"info","message":"GET /users/active 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:03"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:03"} -{"level":"info","message":"GET /users/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:03"} -{"level":"info","message":"POST /hospitals/active 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:11"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:12"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:12"} -{"level":"info","message":"GET /users/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:12"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:12"} -{"level":"info","message":"GET /users/active 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:12"} -{"level":"info","message":"POST /hospitals/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:15"} -{"level":"info","message":"POST /logout 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:16"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:18"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:18"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:18"} -{"level":"info","message":"POST /refresh 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:18"} -{"level":"info","message":"POST /login 200 - 126ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:18"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:19"} -{"level":"info","message":"GET /users/active 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:19"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:19"} -{"level":"info","message":"GET /users/active 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:19"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:21"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:22"} -{"level":"info","message":"GET /list 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:37"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:06:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:06"} -{"level":"info","message":"GET /list 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:07"} -{"level":"info","message":"POST /initialize 201 - 291ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:10"} -{"level":"info","message":"POST /initialize 201 - 400ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:10"} -{"level":"info","message":"POST /initialize 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:10"} -{"level":"info","message":"POST /initialize 400 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:10"} -{"level":"info","message":"POST /initialize 400 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:10"} -{"level":"info","message":"POST /initialize 201 - 294ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:10"} -{"level":"info","message":"POST /initialize 201 - 269ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:11"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:11"} -{"level":"info","message":"GET /refresh-token/123/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:11"} -{"level":"info","message":"POST /refresh 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:11"} -{"level":"info","message":"POST /login 200 - 148ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:11"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:11"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:11"} -{"level":"info","message":"POST /refresh 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:11"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:11"} -{"level":"info","message":"POST /create-hospital 201 - 722ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:12"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:12"} -{"level":"info","message":"POST /refresh 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:12"} -{"level":"info","message":"POST /login 200 - 124ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:13"} -{"level":"info","message":"POST /create-hospital 201 - 724ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:13"} -{"level":"info","message":"POST /create-hospital 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:13"} -{"level":"info","message":"POST /create-hospital 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:13"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:14"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:14"} -{"level":"info","message":"POST /refresh 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:14"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:14"} -{"level":"info","message":"POST /create-hospital 201 - 921ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:15"} -{"level":"info","message":"PUT /update/225 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:15"} -{"level":"info","message":"PUT /update/225 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:15"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:15"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:15"} -{"level":"info","message":"POST /refresh 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:15"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:15"} -{"level":"info","message":"POST /create-hospital 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:15"} -{"level":"info","message":"POST /create-hospital 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:15"} -{"level":"info","message":"POST /create-hospital 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:15"} -{"level":"info","message":"POST /hospital-users/login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:16"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:16"} -{"level":"info","message":"POST /refresh 200 - 109ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:16"} -{"level":"info","message":"POST /login 200 - 95ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:16"} -{"level":"info","message":"PUT /update/223 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:16"} -{"level":"info","message":"POST /hospital-users/login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:16"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:18"} -{"level":"info","message":"POST /refresh 200 - 2072ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:18"} -{"level":"info","message":"POST /login 200 - 1127ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:19"} -{"level":"info","message":"DELETE /delete/223 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:19"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:19"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:20"} -{"level":"info","message":"POST /refresh 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:20"} -{"level":"info","message":"POST /login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:20"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:20"} -{"level":"info","message":"PUT /update/223 200 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:20"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:20"} -{"level":"info","message":"POST /hospital-users/login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:20"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:20"} -{"level":"info","message":"POST /refresh 200 - 155ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:20"} -{"level":"info","message":"POST /login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:20"} -{"level":"info","message":"POST /create-hospital 201 - 557ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:21"} -{"level":"info","message":"DELETE /delete/226 200 - 447ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:21"} -{"level":"info","message":"GET /list/226 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:21"} -{"level":"info","message":"POST /hospital-users/login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:22"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:22"} -{"level":"info","message":"POST /refresh 200 - 109ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:22"} -{"level":"info","message":"POST /login 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:22"} -{"level":"info","message":"DELETE /delete/223 200 - 153ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:22"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:22"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:22"} -{"level":"info","message":"POST /refresh 200 - 56ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:22"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:22"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:22"} -{"level":"info","message":"POST /hospital-users/login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:23"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:23"} -{"level":"info","message":"POST /get-access-token 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:23"} -{"level":"info","message":"POST /login 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:23"} -{"level":"info","message":"POST /hospital-users/login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:23"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:23"} -{"level":"info","message":"POST /refresh 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:23"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:23"} -{"level":"info","message":"POST /create-hospital 201 - 413ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:24"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:24"} -{"level":"info","message":"GET /refresh-token/810/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:24"} -{"level":"info","message":"POST /get-access-token 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:24"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:24"} -{"level":"info","message":"PUT /update-password/810 200 - 191ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:24"} -{"level":"info","message":"POST /add 201 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:24"} -{"level":"info","message":"POST /upload-profile-photo 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:24"} -{"level":"info","message":"POST /add 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:25"} -{"level":"info","message":"PUT /update/227 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:25"} -{"level":"info","message":"POST /add 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:25"} -{"level":"info","message":"DELETE /delete/227 200 - 264ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:25"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:25"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:25"} -{"level":"info","message":"POST /get-access-token 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:25"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:27"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:28"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:28"} -{"level":"info","message":"POST /get-access-token 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:28"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:28"} -{"level":"info","message":"POST /add-user 201 - 3420ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:32"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:33"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:33"} -{"level":"info","message":"POST /get-access-token 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:34"} -{"level":"info","message":"POST /login 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:36"} -{"level":"info","message":"POST /add-user 201 - 2671ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:36"} -{"level":"info","message":"POST /hospital-users/login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:37"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:37"} -{"level":"info","message":"POST /get-access-token 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:37"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:37"} -{"level":"info","message":"POST /add-user 201 - 2817ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:40"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:40"} -{"level":"info","message":"GET /refresh-token/813/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:40"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:40"} -{"level":"info","message":"POST /get-access-token 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:40"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:40"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:41"} -{"level":"info","message":"POST /add-user 201 - 2719ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:43"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:43"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:43"} -{"level":"info","message":"POST /get-access-token 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:43"} -{"level":"info","message":"POST /login 200 - 147ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:43"} -{"level":"info","message":"POST /add-user 201 - 2841ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:46"} -{"level":"info","message":"GET /refresh-token/815/8 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:46"} -{"level":"info","message":"POST /get-access-token 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:46"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:48"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:48"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:48"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:48"} -{"level":"info","message":"GET /users/active 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:48"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:48"} -{"level":"info","message":"POST /add-user 201 - 2688ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:49"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:49"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:49"} -{"level":"info","message":"POST /get-access-token 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:49"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:51"} -{"level":"info","message":"POST /add-user 201 - 2938ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:53"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:53"} -{"level":"info","message":"GET /refresh-token/817/9 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:53"} -{"level":"info","message":"POST /get-access-token 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:53"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:53"} -{"level":"info","message":"POST /add-user 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:53"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:53"} -{"level":"info","message":"GET /refresh-token/781/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:53"} -{"level":"info","message":"POST /get-access-token 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:53"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:53"} -{"level":"info","message":"POST /upload 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:53"} -{"level":"info","message":"GET /hospital/210 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:53"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:07:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:03"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:04"} -{"level":"info","message":"GET /refresh-token/781/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:04"} -{"level":"info","message":"POST /get-access-token 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:04"} -{"level":"info","message":"POST /login 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:04"} -{"level":"info","message":"POST /hospital-users/login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:04"} -{"level":"info","message":"GET /refresh-token/116/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:04"} -{"level":"info","message":"POST /refresh 200 - 341ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:05"} -{"level":"info","message":"POST /login 200 - 225ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:05"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:08"} -{"level":"info","message":"POST /add-user 201 - 2622ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:08"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:08"} -{"level":"info","message":"GET /refresh-token/818/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:08"} -{"level":"info","message":"POST /get-access-token 200 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:08"} -{"level":"info","message":"POST /login 200 - 140ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:08"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:08"} -{"level":"info","message":"GET /list 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:08"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:10"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:10"} -{"level":"info","message":"GET /users/active 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:10"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:10"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:10"} -{"level":"info","message":"POST /add-user 201 - 2648ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:11"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:11"} -{"level":"info","message":"GET /refresh-token/819/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:11"} -{"level":"info","message":"POST /get-access-token 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:11"} -{"level":"info","message":"POST /login 200 - 132ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:13"} -{"level":"info","message":"POST /add-user 201 - 2673ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:14"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:14"} -{"level":"info","message":"GET /refresh-token/820/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:14"} -{"level":"info","message":"POST /get-access-token 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:14"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:17"} -{"level":"info","message":"POST /add-user 201 - 2804ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:17"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:17"} -{"level":"info","message":"GET /refresh-token/821/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:17"} -{"level":"info","message":"POST /get-access-token 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:17"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:17"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:18"} -{"level":"info","message":"POST /add-user 201 - 2944ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:20"} -{"level":"info","message":"POST /hospital-users/login 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:21"} -{"level":"info","message":"GET /refresh-token/822/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:21"} -{"level":"info","message":"POST /get-access-token 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:21"} -{"level":"info","message":"POST /login 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:21"} -{"level":"info","message":"POST /upload 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:21"} -{"level":"info","message":"POST /upload 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:21"} -{"level":"info","message":"POST /upload 200 - 98ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:21"} -{"level":"info","message":"POST /upload 200 - 120ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:21"} -{"level":"info","message":"POST /upload 200 - 115ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:23"} -{"level":"info","message":"POST /add-user 201 - 2862ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:24"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:24"} -{"level":"info","message":"GET /refresh-token/823/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:24"} -{"level":"info","message":"POST /get-access-token 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:24"} -{"level":"info","message":"POST /login 200 - 131ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:25"} -{"level":"info","message":"POST /upload 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:25"} -{"level":"info","message":"GET /hospital/210 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:25"} -{"level":"info","message":"POST /upload 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:25"} -{"level":"info","message":"GET /hospital/210 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:25"} -{"level":"info","message":"PUT /update-status/412 200 - 56ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:25"} -{"level":"info","message":"DELETE /delete/412 200 - 101ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:25"} -{"level":"info","message":"PUT /update-status/999999 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:25"} -{"level":"info","message":"DELETE /delete/999999 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:25"} -{"level":"info","message":"GET /hospital/999999 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:28"} -{"level":"info","message":"POST /add-user 201 - 2993ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:28"} -{"level":"info","message":"POST /hospital-users/login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:28"} -{"level":"info","message":"GET /refresh-token/824/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:28"} -{"level":"info","message":"POST /get-access-token 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:29"} -{"level":"info","message":"POST /login 200 - 203ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:32"} -{"level":"info","message":"POST /add-user 201 - 2948ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:32"} -{"level":"info","message":"PUT /edit-user/825 200 - 151ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:32"} -{"level":"info","message":"PUT /edit-user/825 200 - 109ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:33"} -{"level":"info","message":"POST /add-user 201 - 3012ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:35"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:35"} -{"level":"info","message":"GET /refresh-token/826/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:35"} -{"level":"info","message":"POST /get-access-token 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:35"} -{"level":"info","message":"POST /login 200 - 138ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:36"} -{"level":"info","message":"PUT /edit-user/825 200 - 117ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:36"} -{"level":"info","message":"DELETE /delete-user/825 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:38"} -{"level":"info","message":"POST /add-user 201 - 2791ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:39"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:39"} -{"level":"info","message":"GET /refresh-token/827/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:39"} -{"level":"info","message":"POST /get-access-token 200 - 122ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:39"} -{"level":"info","message":"POST /login 200 - 191ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:39"} -{"level":"info","message":"DELETE /delete-user/825 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:39"} -{"level":"info","message":"GET /98 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:42"} -{"level":"info","message":"POST /add-user 201 - 2918ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:42"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:42"} -{"level":"info","message":"GET /refresh-token/828/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:42"} -{"level":"info","message":"POST /get-access-token 200 - 125ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:43"} -{"level":"info","message":"POST /login 200 - 223ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:43"} -{"level":"info","message":"DELETE /delete-user/828 200 - 132ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:43"} -{"level":"info","message":"GET /828 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:43"} -{"level":"info","message":"POST /add-user 201 - 3103ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:46"} -{"level":"info","message":"GET /refresh-token/829/9 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:46"} -{"level":"info","message":"POST /get-access-token 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:46"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:48"} -{"level":"info","message":"POST /add-user 201 - 2757ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:49"} -{"level":"info","message":"PUT /edit-user/830 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:52"} -{"level":"info","message":"POST /add-user 201 - 3043ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:53"} -{"level":"info","message":"PUT /edit-user/830 200 - 444ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:53"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:53"} -{"level":"info","message":"GET /refresh-token/830/9 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:53"} -{"level":"info","message":"POST /get-access-token 200 - 1016ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:54"} -{"level":"info","message":"POST /login 200 - 185ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:54"} -{"level":"info","message":"PUT /edit-user/831 200 - 138ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:55"} -{"level":"info","message":"DELETE /delete-user/830 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:55"} -{"level":"info","message":"DELETE /delete-user/831 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:55"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:55"} -{"level":"info","message":"GET /refresh-token/831/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:55"} -{"level":"info","message":"POST /get-access-token 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:55"} -{"level":"info","message":"POST /login 200 - 136ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:55"} -{"level":"info","message":"DELETE /delete-user/830 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:55"} -{"level":"info","message":"POST /signup 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:55"} -{"level":"info","message":"POST /signup 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:55"} -{"level":"info","message":"POST /signup 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:55"} -{"level":"info","message":"POST /signup 201 - 270ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:56"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:56"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:56"} -{"level":"info","message":"POST /get-access-token 200 - 161ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:56"} -{"level":"info","message":"GET /list/210 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:56"} -{"level":"info","message":"POST /login 200 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:56"} -{"level":"info","message":"POST /hospital-users/login 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:56"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:56"} -{"level":"info","message":"POST /get-access-token 200 - 58ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:56"} -{"level":"info","message":"GET /list/210 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:56"} -{"level":"info","message":"POST /login 200 - 126ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:57"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:57"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:57"} -{"level":"info","message":"POST /get-access-token 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:57"} -{"level":"info","message":"GET /list/210 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:57"} -{"level":"info","message":"POST /login 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:57"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:57"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:57"} -{"level":"info","message":"POST /get-access-token 200 - 398ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:57"} -{"level":"info","message":"GET /list/210 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:58"} -{"level":"info","message":"POST /login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:58"} -{"level":"info","message":"POST /login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:58"} -{"level":"info","message":"POST /signup 201 - 396ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:58"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:58"} -{"level":"info","message":"GET /refresh-token/781/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:58"} -{"level":"info","message":"POST /get-access-token 200 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:58"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:58"} -{"level":"info","message":"PUT /approve-id/131 200 - 120ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:59"} -{"level":"info","message":"POST /login 200 - 171ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:59"} -{"level":"info","message":"GET /chat-sessions 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:59"} -{"level":"info","message":"POST /login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:59"} -{"level":"info","message":"POST /login 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:59"} -{"level":"info","message":"GET /chat/1 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:59"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:59"} -{"level":"info","message":"PUT /delete-chat 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:59"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:59"} -{"level":"info","message":"PUT /delete-session 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:08:59"} -{"level":"info","message":"GET /users/active 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:00"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:00"} -{"level":"info","message":"POST /hospital-users/login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:00"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:00"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:00"} -{"level":"info","message":"GET /refresh-token/781/7 200 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:00"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:00"} -{"level":"info","message":"POST /get-access-token 200 - 56ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:00"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:00"} -{"level":"info","message":"POST /upload 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:00"} -{"level":"info","message":"GET /hospital/210 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:03"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:07"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:07"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:24"} -{"level":"info","message":"POST /hospital-users/login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:26"} -{"level":"info","message":"GET /refresh-token/808/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:26"} -{"level":"info","message":"POST /get-access-token 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:26"} -{"level":"info","message":"POST /login 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:40"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:47"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:57"} -{"level":"info","message":"POST /create-hospital 201 - 459ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:57"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:09:59"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:02"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:02"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:02"} -{"level":"info","message":"POST /get-access-token 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:02"} -{"level":"info","message":"PUT /public-signup/210 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:02"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"POST /get-access-token 200 - 125ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"PUT /public-signup/210 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"PUT /public-signup/210 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"POST /get-access-token 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"PUT /public-signup/210 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"PUT /public-signup/210 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"PUT /public-signup/210 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"POST /hospital-users/login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"GET /refresh-token/781/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:03"} -{"level":"info","message":"POST /get-access-token 200 - 137ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:04"} -{"level":"info","message":"POST /login 200 - 142ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:04"} -{"level":"info","message":"POST /signup 201 - 210ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:04"} -{"level":"info","message":"PUT /approve-id/132 200 - 112ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:04"} -{"level":"info","message":"POST /signup 201 - 255ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:04"} -{"level":"info","message":"PUT /approve-id/133 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:05"} -{"level":"info","message":"POST /signup 201 - 242ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:05"} -{"level":"info","message":"PUT /approve-id/134 200 - 120ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:05"} -{"level":"info","message":"POST /signup 201 - 200ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:05"} -{"level":"info","message":"PUT /approve-id/135 200 - 100ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:05"} -{"level":"info","message":"POST /signup 201 - 209ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:06"} -{"level":"info","message":"PUT /approve-id/136 200 - 124ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:06"} -{"level":"info","message":"POST /login 200 - 165ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:06"} -{"level":"info","message":"POST /login 200 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:06"} -{"level":"info","message":"POST /login 200 - 174ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:06"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:07"} -{"level":"info","message":"POST /login 200 - 143ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:07"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:07"} -{"level":"info","message":"POST /login 200 - 137ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:09"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:17"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:18"} -{"level":"info","message":"GET /refresh-token/832/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:18"} -{"level":"info","message":"POST /get-access-token 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:18"} -{"level":"info","message":"POST /login 200 - 142ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:18"} -{"level":"info","message":"GET /832 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:18"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:27"} -{"level":"info","message":"PUT /update-password/832 200 - 222ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:27"} -{"level":"info","message":"POST /add 201 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:27"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:32"} -{"level":"info","message":"POST /upload-profile-photo 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:32"} -{"level":"info","message":"POST /add 200 - 100ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:33"} -{"level":"info","message":"PUT /update/228 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:33"} -{"level":"info","message":"POST /add 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:33"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:37"} -{"level":"info","message":"GET /users/active 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:37"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:37"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:37"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:37"} -{"level":"info","message":"POST /hospitals/active 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:38"} -{"level":"info","message":"GET /users/active 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:38"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:38"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:38"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:38"} -{"level":"info","message":"POST /hospitals/active 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:39"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:50"} -{"level":"info","message":"GET /228 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:51"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:51"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:51"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:52"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:52"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:52"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:52"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:52"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:52"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:54"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:56"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:56"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:57"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:59"} -{"level":"info","message":"GET /refresh-token/26/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:59"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:59"} -{"level":"info","message":"POST /refresh 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:59"} -{"level":"info","message":"POST /login 200 - 137ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:10:59"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:00"} -{"level":"info","message":"GET /users/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:00"} -{"level":"info","message":"POST /hospitals/active 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:09"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:14"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:19"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:27"} -{"level":"info","message":"GET /98 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:29"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:38"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:39"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:39"} -{"level":"info","message":"POST /hospitals/active 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:40"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:43"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:44"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:44"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:11:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:08"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:08"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:11"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:15"} -{"level":"info","message":"POST /hospital-users/login 401 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:16"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:20"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:22"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:22"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:22"} -{"level":"info","message":"POST /refresh 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:22"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:23"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:23"} -{"level":"info","message":"GET /users/active 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:23"} -{"level":"info","message":"POST /hospitals/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:23"} -{"level":"info","message":"PUT /update-settings 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:28"} -{"level":"info","message":"PUT /update-settings 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:30"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:35"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:40"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:41"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:41"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:54"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:57"} -{"level":"info","message":"GET /users/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:57"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:12:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:03"} -{"level":"info","message":"GET /list 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:05"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:06"} -{"level":"info","message":"GET /users/active 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:06"} -{"level":"info","message":"POST /hospitals/active 200 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:14"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:14"} -{"level":"info","message":"GET /users/active 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:14"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:34"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:35"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:37"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:37"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:37"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:13:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:14"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:49"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:50"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:50"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:50"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:14:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:21"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:15:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:22"} -{"level":"info","message":"GET /popular-topics 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:25"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:31"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:16:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:17:02"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:17:09"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:17:10"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:17:12"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-06 20:17:20"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 20:18:40"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-06 20:18:48"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-06 20:18:50"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:10"} -{"level":"info","message":"POST /login 401 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:10"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:11"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:11"} -{"level":"info","message":"GET /users/active 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:11"} -{"level":"info","message":"POST /hospitals/active 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:16"} -{"level":"info","message":"POST /login 200 - 151ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:20"} -{"level":"info","message":"GET /popular-topics 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:21"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:26"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:26"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:19:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:20:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:20:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:20:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:20:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:20:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:20:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:20:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:20:36"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:20:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:20:41"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:20:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:20:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:20:56"} -{"level":"info","message":"GET /favicon.ico 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:20:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:21:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:21:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:21:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:21:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:21:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:21:26"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:21:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:21:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:21:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:21:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:21:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:21:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:22:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:22:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:22:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:22:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:22:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:22:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:22:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:22:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:22:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:22:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:22:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:22:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:01"} -{"level":"info","message":"GET /chat-sessions 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:06"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:08"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:32"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:32"} -{"level":"info","message":"GET /popular-topics 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:32"} -{"level":"info","message":"GET /chat-sessions 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:32"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:52"} -{"level":"info","message":"POST /login 200 - 138ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:56"} -{"level":"info","message":"GET /chat-sessions 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:57"} -{"level":"info","message":"GET /popular-topics 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:57"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:23:57"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:24:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:24:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:24:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:24:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:24:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:24:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:24:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:24:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:24:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:24:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:24:47"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:24:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:24:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:25:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:25:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:25:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:25:17"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:25:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:25:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:25:32"} -{"level":"info","message":"PUT /update-settings 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:25:47"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:25:50"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:25:53"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:25:54"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:25:55"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:25:58"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:26:00"} -{"level":"info","message":"GET /chat-sessions 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:26:14"} -{"level":"info","message":"GET /popular-topics 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:26:15"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:26:15"} -{"level":"info","message":"GET /chat-sessions 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:30:36"} -{"level":"info","message":"GET /popular-topics 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:33:59"} -{"level":"info","message":"GET /chat-sessions 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:33:59"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:33:59"} -{"level":"info","message":"GET /chat-sessions 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:34:05"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:34:05"} -{"level":"info","message":"GET /chat-sessions 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:34:08"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:34:08"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:34:09"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:34:14"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:34:16"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:35:16"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:35:26"} -{"level":"info","message":"GET /chat-sessions 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:35:26"} -{"level":"info","message":"GET /chat-sessions 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:36:09"} -{"level":"info","message":"GET /chat-sessions 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:38:09"} -{"level":"info","message":"GET /popular-topics 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:38:09"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:38:09"} -{"level":"info","message":"PUT /like 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:38:25"} -{"level":"info","message":"GET /chat-sessions 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:38:27"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:38:27"} -{"level":"info","message":"GET /popular-topics 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:43:11"} -{"level":"info","message":"GET /chat-sessions 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:43:11"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:43:11"} -{"level":"info","message":"GET /appuser_status 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:43:13"} -{"level":"info","message":"GET /chat-sessions 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:43:17"} -{"level":"info","message":"GET /popular-topics 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:43:18"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:43:18"} -{"level":"info","message":"GET /chat-sessions 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:48:40"} -{"level":"info","message":"GET /appuser_status 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:48:40"} -{"level":"info","message":"GET /popular-topics 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:48:40"} -{"level":"info","message":"GET /popular-topics 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:52:47"} -{"level":"info","message":"GET /chat-sessions 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:52:47"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:52:50"} -{"level":"info","message":"GET /popular-topics 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:58:36"} -{"level":"info","message":"GET /chat-sessions 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:58:36"} -{"level":"info","message":"GET /appuser_status 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:58:36"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:59:25"} -{"level":"info","message":"PUT /update-settings 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:59:28"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 20:59:31"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:00:27"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:00:35"} -{"level":"info","message":"GET /appuser_status 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:00:35"} -{"level":"info","message":"GET /popular-topics 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:00:35"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:01:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:02:21"} -{"level":"info","message":"GET /users/active 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:02:21"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:02:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:02:21"} -{"level":"info","message":"GET /users/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:02:21"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:02:21"} -{"level":"info","message":"POST /hospitals/active 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:02:21"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:03:59"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:04:01"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:04:03"} -{"level":"info","message":"GET / 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:05:00"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:06:06"} -{"level":"info","message":"GET /popular-topics 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:06:06"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:06:06"} -{"level":"info","message":"GET /list 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:12:33"} -{"level":"info","message":"GET /list 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:12:33"} -{"level":"info","message":"POST /hospital-users/login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:13:19"} -{"level":"info","message":"POST /hospital-users/login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:13:22"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:13:22"} -{"level":"info","message":"POST /get-access-token 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:13:22"} -{"level":"info","message":"POST /login 200 - 149ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:13:22"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:13:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:13:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:13:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:13:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:13:44"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:13:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:13:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:13:59"} -{"level":"info","message":"POST /login 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:14:04"} -{"cpu":{"loadAvg":0,"usage":3.4285438303940765},"errors":{},"level":"info","memory":{"external":21871148,"heapTotal":86675456,"heapUsed":83437296,"rss":165072896},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /appuser_status":{"failed":0,"success":7,"total":7},"GET /chat-sessions":{"failed":12,"success":7,"total":19},"GET /colors":{"failed":78,"success":8,"total":86},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":7,"total":13},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":34,"success":0,"total":34},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":2,"success":3,"total":5},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":2,"total":2}},"failed":143,"success":44,"total":187},"responseTime":{"avg":7.561497326203209,"max":151,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-06T15:48:48.747Z"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:27:53"} -{"level":"info","message":"GET /chat-sessions 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:27:53"} -{"level":"info","message":"GET /popular-topics 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:28:09"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:28:10"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:28:18"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:28:20"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:28:21"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:29:40"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:33:44"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:34:03"} -{"level":"info","message":"PUT /update-settings 200 - 130ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:34:09"} -{"level":"info","message":"POST /upload-profile-photo 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:45:22"} -{"level":"info","message":"POST /login 200 - 167ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:54:16"} -{"level":"info","message":"POST /login 200 - 134ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:54:20"} -{"level":"info","message":"POST /login 401 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:56:57"} -{"level":"info","message":"POST /login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:57:14"} -{"level":"info","message":"POST /login 200 - 148ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:57:59"} -{"level":"info","message":"GET /chat-sessions 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:57:59"} -{"level":"info","message":"GET /popular-topics 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:57:59"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:58:00"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:58:03"} -{"level":"info","message":"PUT /update-settings 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:58:11"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:58:14"} -{"level":"info","message":"GET /appuser_status 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:58:26"} -{"level":"info","message":"GET /popular-topics 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:58:31"} -{"level":"info","message":"GET /chat-sessions 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:58:31"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:58:31"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:58:33"} -{"level":"info","message":"PUT /update-settings 200 - 162ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:58:42"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:58:50"} -{"level":"info","message":"POST /verify-pin 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:59:08"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:59:09"} -{"level":"info","message":"GET /popular-topics 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:59:09"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 21:59:09"} -{"level":"info","message":"POST /login 401 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:01:22"} -{"level":"info","message":"GET /popular-topics 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:03:23"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:03:23"} -{"level":"info","message":"GET /appuser_status 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:03:23"} -{"level":"info","message":"GET /chat-sessions 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:03:23"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:04:47"} -{"level":"info","message":"GET /popular-topics 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:04:47"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:04:47"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:04:47"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:05:10"} -{"level":"info","message":"POST /login 200 - 168ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:13:03"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:13:08"} -{"level":"info","message":"GET /popular-topics 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:13:09"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:13:09"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:13:09"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:13:10"} -{"cpu":{"loadAvg":0.07,"usage":3.339120082633798},"errors":{},"level":"info","memory":{"external":21827603,"heapTotal":86937600,"heapUsed":79574600,"rss":167038976},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":165,"success":72,"total":237},"responseTime":{"avg":11.405063291139241,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-06T16:48:48.747Z"} -{"level":"info","message":"GET /.env 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:31:30"} -{"level":"info","message":"GET /.git/config 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 22:49:09"} -{"level":"info","message":"GET /admin/assets/js/pbxlib.js 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 23:05:57"} -{"cpu":{"loadAvg":0,"usage":3.3161715447886735},"errors":{},"level":"info","memory":{"external":21836560,"heapTotal":86937600,"heapUsed":80762488,"rss":138334208},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":1,"success":0,"total":1},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":168,"success":72,"total":240},"responseTime":{"avg":11.279166666666667,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-06T17:48:48.748Z"} -{"level":"info","message":"GET /developmentserver/metadatauploader 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-06 23:34:25"} -{"level":"info","message":"GET /.env 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-06 23:45:53"} -{"level":"info","message":"GET /.git/config 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-06 23:45:53"} -{"cpu":{"loadAvg":0,"usage":3.224142705944317},"errors":{},"level":"info","memory":{"external":21917827,"heapTotal":86937600,"heapUsed":80768976,"rss":138465280},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":171,"success":72,"total":243},"responseTime":{"avg":11.152263374485596,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-06T18:48:48.749Z"} -{"cpu":{"loadAvg":0.08,"usage":3.1368619814908527},"errors":{},"level":"info","memory":{"external":21958134,"heapTotal":86937600,"heapUsed":81206152,"rss":138465280},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":171,"success":72,"total":243},"responseTime":{"avg":11.152263374485596,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-06T19:48:48.748Z"} -{"cpu":{"loadAvg":0.06,"usage":3.057027668462638},"errors":{},"level":"info","memory":{"external":22039401,"heapTotal":86937600,"heapUsed":81742352,"rss":138465280},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":171,"success":72,"total":243},"responseTime":{"avg":11.152263374485596,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-06T20:48:48.750Z"} -{"cpu":{"loadAvg":0,"usage":2.982019857797553},"errors":{},"level":"info","memory":{"external":22055132,"heapTotal":86937600,"heapUsed":81301744,"rss":138465280},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":171,"success":72,"total":243},"responseTime":{"avg":11.152263374485596,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-06T21:48:48.751Z"} -{"cpu":{"loadAvg":0,"usage":2.9112123082238384},"errors":{},"level":"info","memory":{"external":22111823,"heapTotal":86937600,"heapUsed":81619760,"rss":138465280},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":171,"success":72,"total":243},"responseTime":{"avg":11.152263374485596,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-06T22:48:48.752Z"} -{"cpu":{"loadAvg":0,"usage":2.845531270215048},"errors":{},"level":"info","memory":{"external":22176706,"heapTotal":86937600,"heapUsed":81954664,"rss":138465280},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":171,"success":72,"total":243},"responseTime":{"avg":11.152263374485596,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-06T23:48:48.752Z"} -{"cpu":{"loadAvg":0,"usage":2.780013673486934},"errors":{},"level":"info","memory":{"external":22200629,"heapTotal":86937600,"heapUsed":82289896,"rss":139382784},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":171,"success":72,"total":243},"responseTime":{"avg":11.152263374485596,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T00:48:48.754Z"} -{"cpu":{"loadAvg":0,"usage":2.7185482178436473},"errors":{},"level":"info","memory":{"external":22257320,"heapTotal":86937600,"heapUsed":82653920,"rss":139382784},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":171,"success":72,"total":243},"responseTime":{"avg":11.152263374485596,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T01:48:48.753Z"} -{"cpu":{"loadAvg":0,"usage":2.65813933268916},"errors":{},"level":"info","memory":{"external":22281243,"heapTotal":86937600,"heapUsed":83029568,"rss":139382784},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":171,"success":72,"total":243},"responseTime":{"avg":11.152263374485596,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T02:48:48.754Z"} -{"cpu":{"loadAvg":0.02,"usage":2.6021741651020704},"errors":{},"level":"info","memory":{"external":22337934,"heapTotal":86937600,"heapUsed":83389176,"rss":139382784},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":171,"success":72,"total":243},"responseTime":{"avg":11.152263374485596,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T03:48:48.755Z"} -{"cpu":{"loadAvg":0,"usage":2.5491501922500532},"errors":{},"level":"info","memory":{"external":22361857,"heapTotal":86937600,"heapUsed":83720632,"rss":139382784},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":171,"success":72,"total":243},"responseTime":{"avg":11.152263374485596,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T04:48:48.757Z"} -{"cpu":{"loadAvg":0.01,"usage":2.4995417815798504},"errors":{},"level":"info","memory":{"external":22402690,"heapTotal":86937600,"heapUsed":84091768,"rss":141348864},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":1,"total":2},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":171,"success":72,"total":243},"responseTime":{"avg":11.152263374485596,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T05:48:48.757Z"} -{"level":"info","message":"POST /hospital-users/login 404 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-07 11:41:02"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 11:41:04"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 11:41:19"} -{"cpu":{"loadAvg":0.12,"usage":2.4677807740881406},"errors":{},"level":"info","memory":{"external":22426087,"heapTotal":87199744,"heapUsed":84387672,"rss":141611008},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":4,"success":1,"total":5},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":174,"success":72,"total":246},"responseTime":{"avg":11.097560975609756,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T06:48:48.758Z"} -{"cpu":{"loadAvg":0,"usage":2.4282878742178866},"errors":{},"level":"info","memory":{"external":22458218,"heapTotal":87461888,"heapUsed":84094592,"rss":141742080},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":12,"success":14,"total":26},"GET /colors":{"failed":78,"success":8,"total":86},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":1,"total":3},"GET /hospitals/onboarded":{"failed":2,"success":1,"total":3},"GET /list":{"failed":2,"success":0,"total":2},"GET /popular-topics":{"failed":6,"success":14,"total":20},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":1,"total":3},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":4,"success":1,"total":5},"POST /hospitals/active":{"failed":1,"success":1,"total":2},"POST /login":{"failed":5,"success":7,"total":12},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":174,"success":72,"total":246},"responseTime":{"avg":11.097560975609756,"max":168,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T07:48:48.759Z"} -{"level":"info","message":"POST /hospital-users/login 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:29"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:29"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:29"} -{"level":"info","message":"POST /refresh 200 - 170ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:30"} -{"level":"info","message":"POST /login 200 - 102ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:30"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:31"} -{"level":"info","message":"GET /users/active 200 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:31"} -{"level":"info","message":"POST /hospitals/active 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:31"} -{"level":"info","message":"GET /list 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:32"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:48"} -{"level":"info","message":"POST /login 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:50"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:55"} -{"level":"info","message":"GET /refresh-token/832/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:55"} -{"level":"info","message":"POST /get-access-token 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:55"} -{"level":"info","message":"POST /login 200 - 161ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:55"} -{"level":"info","message":"GET /832 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:55"} -{"level":"info","message":"GET /colors 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:57"} -{"level":"info","message":"GET /228 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:57"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:57"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:57"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:57"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:57"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:58"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:58"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:58"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:58"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:59"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:59"} -{"level":"info","message":"GET /hospital-users/228 404 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:15:59"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:02"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:02"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:07"} -{"level":"info","message":"POST /signup 404 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:27"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:33"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:33"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:33"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:33"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:33"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:33"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:33"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:38"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:39"} -{"level":"info","message":"POST /signup 400 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:39"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:43"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:43"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:43"} -{"level":"info","message":"POST /refresh 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:43"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:43"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:44"} -{"level":"info","message":"GET /users/active 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:44"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:44"} -{"level":"info","message":"POST /signup 400 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:45"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:46"} -{"level":"info","message":"POST /signup 201 - 189ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:50"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:56"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:16:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:01"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:06"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:08"} -{"level":"info","message":"GET /hospital-users/228 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:09"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:09"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:09"} -{"level":"info","message":"PUT /approve-id/137 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:12"} -{"level":"info","message":"GET /hospital-users/228 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:12"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:13"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:18"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:23"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:28"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:33"} -{"level":"info","message":"POST /login 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:34"} -{"level":"info","message":"GET /chat-sessions 404 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:35"} -{"level":"info","message":"GET /popular-topics 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:38"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:48"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:56"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:17:58"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:03"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:08"} -{"level":"info","message":"GET /refresh-token/832/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:08"} -{"level":"info","message":"POST /get-access-token 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:08"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:08"} -{"level":"info","message":"GET /832 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:08"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:09"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:10"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:11"} -{"level":"info","message":"GET /228 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:11"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:11"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:11"} -{"level":"info","message":"GET /228 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:11"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:13"} -{"level":"info","message":"GET /hospital/228 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:13"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:13"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:16"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:23"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:44"} -{"cpu":{"loadAvg":0.5,"usage":2.393458319449394},"errors":{},"level":"info","memory":{"external":22482141,"heapTotal":87724032,"heapUsed":76035496,"rss":142397440},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /228":{"failed":1,"success":34,"total":35},"GET /832":{"failed":0,"success":2,"total":2},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":12,"total":12},"GET /chat-sessions":{"failed":13,"success":14,"total":27},"GET /colors":{"failed":98,"success":30,"total":128},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":2,"success":3,"total":5},"GET /hospital-users/228":{"failed":1,"success":2,"total":3},"GET /hospital/228":{"failed":0,"success":1,"total":1},"GET /hospitals/onboarded":{"failed":2,"success":3,"total":5},"GET /list":{"failed":2,"success":2,"total":4},"GET /popular-topics":{"failed":6,"success":15,"total":21},"GET /refresh-token/26/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/832/7":{"failed":0,"success":2,"total":2},"GET /refresh-token/9/6":{"failed":0,"success":2,"total":2},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":3,"total":5},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":5,"success":5,"total":10},"POST /hospitals/active":{"failed":1,"success":3,"total":4},"POST /login":{"failed":6,"success":12,"total":18},"POST /refresh":{"failed":0,"success":2,"total":2},"POST /signup":{"failed":3,"success":1,"total":4},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /approve-id/137":{"failed":0,"success":1,"total":1},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":202,"success":165,"total":367},"responseTime":{"avg":12.986376021798366,"max":189,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T08:48:48.759Z"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:18:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:04"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:09"} -{"level":"info","message":"GET /228 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:09"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:14"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:37"} -{"level":"info","message":"POST /upload 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:39"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:44"} -{"level":"info","message":"GET /hospital/228 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:45"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:19:59"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:08"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:09"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:13"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:14"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:19"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:34"} -{"level":"info","message":"GET /chat-sessions 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:45"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:50"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:20:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:21:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:21:05"} -{"level":"info","message":"GET /228 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:21:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:21:10"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:21:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:21:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:21:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:21:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:21:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:21:35"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:21:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:21:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:21:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:21:55"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:05"} -{"level":"info","message":"GET /228 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:10"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:14"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:15"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:20"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:25"} -{"level":"info","message":"POST /upload 200 - 194ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:28"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:30"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:30"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:35"} -{"level":"info","message":"GET /hospital/228 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:35"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:45"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:50"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:22:55"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:00"} -{"level":"info","message":"GET /colors 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:05"} -{"level":"info","message":"GET /228 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:09"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:10"} -{"level":"info","message":"GET /228 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:13"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:15"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:20"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:20"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:25"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:30"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:41"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:45"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:51"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:23:56"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:01"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:06"} -{"level":"info","message":"GET /228 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:09"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:10"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:11"} -{"level":"info","message":"GET /228 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:13"} -{"level":"info","message":"POST /upload 200 - 223ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:15"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:15"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:16"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:20"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:21"} -{"level":"info","message":"GET /hospital/228 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:22"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:26"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:31"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:35"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:36"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:40"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:41"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:46"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:50"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:51"} -{"level":"info","message":"GET /228 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:53"} -{"level":"info","message":"GET /hospital/228 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:53"} -{"level":"info","message":"GET /228 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:53"} -{"level":"info","message":"GET /colors 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:53"} -{"level":"info","message":"GET /228 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:53"} -{"level":"info","message":"GET /228 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:53"} -{"level":"info","message":"GET /228 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:53"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:53"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:53"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:56"} -{"level":"info","message":"GET /228 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:58"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:24:58"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:01"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:03"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:06"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:08"} -{"level":"info","message":"GET /228 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:09"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:11"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:16"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:18"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:21"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:23"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:26"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:28"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:31"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:33"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:36"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:41"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:46"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:48"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:51"} -{"level":"info","message":"GET /hospital/228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:52"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:52"} -{"level":"info","message":"GET /colors 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:52"} -{"level":"info","message":"GET /228 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:52"} -{"level":"info","message":"GET /228 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:52"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:52"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:52"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:52"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:56"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:57"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:25:57"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:02"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:02"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:07"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:07"} -{"level":"info","message":"GET /228 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:09"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:12"} -{"level":"info","message":"GET /colors 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:13"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:17"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:17"} -{"level":"info","message":"GET /favicon.ico 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:17"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:22"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:23"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:27"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:28"} -{"level":"info","message":"GET /228 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:30"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:30"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:30"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:30"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:30"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:32"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:33"} -{"level":"info","message":"GET /hospital/228 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:33"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:33"} -{"level":"info","message":"GET /228 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:33"} -{"level":"info","message":"GET /228 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:34"} -{"level":"info","message":"GET /hospital-users/228 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:34"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:34"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:37"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:37"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:37"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:38"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:42"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:42"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:47"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:52"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:57"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:26:58"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:02"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:03"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:07"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:08"} -{"level":"info","message":"GET /228 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:12"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:13"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:18"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:23"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:28"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:29"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:29"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:29"} -{"level":"info","message":"GET /228 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:30"} -{"level":"info","message":"GET /hospital/received 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:30"} -{"level":"info","message":"GET /228 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:30"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:31"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:31"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:31"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:32"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:32"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:32"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:33"} -{"level":"info","message":"GET /hospital-users/228 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:33"} -{"level":"info","message":"GET /228 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:33"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:33"} -{"level":"info","message":"GET /228 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:34"} -{"level":"info","message":"GET /hospital/228 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:34"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:34"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:34"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:34"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:34"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:34"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:34"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:34"} -{"level":"info","message":"GET /228 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:36"} -{"level":"info","message":"GET /hospital/228 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:36"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:36"} -{"level":"info","message":"GET /228 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:38"} -{"level":"info","message":"GET /hospital/228 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:38"} -{"level":"info","message":"GET /colors 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:38"} -{"level":"info","message":"GET /228 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:38"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:38"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:38"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:38"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:38"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:38"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:43"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:43"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:27:48"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:28:09"} -{"level":"info","message":"GET /228 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:28:39"} -{"level":"info","message":"GET /228 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:29:37"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:29:39"} -{"level":"info","message":"GET /228 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:30:37"} -{"level":"info","message":"GET /228 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:30:39"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:06"} -{"level":"info","message":"GET /228 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:08"} -{"level":"info","message":"GET /hospital/228 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:08"} -{"level":"info","message":"GET /colors 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:08"} -{"level":"info","message":"GET /228 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:08"} -{"level":"info","message":"GET /228 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:08"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:08"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:08"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:08"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:08"} -{"level":"info","message":"GET /228 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:10"} -{"level":"info","message":"GET /hospital/228 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:10"} -{"level":"info","message":"GET /colors 304 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:10"} -{"level":"info","message":"GET /228 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:10"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:10"} -{"level":"info","message":"GET /228 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:10"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:10"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:10"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:10"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:13"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:13"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:16"} -{"level":"info","message":"GET /228 403 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:31:37"} -{"level":"info","message":"GET /228 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:32:11"} -{"level":"info","message":"GET /colors 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:32:33"} -{"level":"info","message":"GET /228 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:32:37"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:32:38"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:32:43"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:32:48"} -{"level":"info","message":"GET /228 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:33:11"} -{"level":"info","message":"GET /228 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:33:37"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:33:38"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:33:40"} -{"level":"info","message":"GET /hospital/228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:33:40"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:33:40"} -{"level":"info","message":"GET /228 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:33:40"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:33:40"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:33:40"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:33:40"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:33:40"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:33:40"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:33:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:00"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:03"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:03"} -{"level":"info","message":"GET /hospital/228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:03"} -{"level":"info","message":"GET /228 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:03"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:03"} -{"level":"info","message":"GET /228 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:03"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:03"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:03"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:08"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:08"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:11"} -{"level":"info","message":"GET /228 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:11"} -{"level":"info","message":"GET /hospital/228 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:11"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:11"} -{"level":"info","message":"GET /228 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:11"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:11"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:11"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:11"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:16"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:26"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:36"} -{"level":"info","message":"GET /228 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:41"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:46"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:51"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:55"} -{"level":"info","message":"GET /hospital/228 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:55"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:55"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:55"} -{"level":"info","message":"GET /228 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:55"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:55"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:56"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:34:56"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:00"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:05"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:10"} -{"level":"info","message":"GET /chat-sessions 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:13"} -{"level":"info","message":"GET /chat/1 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:20"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:25"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:30"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:35"} -{"level":"info","message":"GET /228 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:51"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:35:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:36:01"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:36:06"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:36:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:36:16"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:36:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:36:26"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:36:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:36:36"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:36:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:36:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:36:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:36:51"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:36:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:36:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:37:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:37:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:37:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:37:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:37:21"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:37:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:37:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:37:36"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:37:37"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:37:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:37:46"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:37:51"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:37:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:37:56"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:01"} -{"level":"info","message":"GET /hospital/228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:06"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:06"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:06"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:06"} -{"level":"info","message":"GET /228 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:06"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:06"} -{"level":"info","message":"GET /228 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:06"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:36"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:37"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:41"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:38:51"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:39:07"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:39:37"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:40:07"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:40:37"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:41:07"} -{"level":"info","message":"GET /228 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:41:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:41:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:41:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:41:50"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:41:55"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:42:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:42:05"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:42:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:42:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:42:15"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:42:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:42:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:42:30"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:42:35"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:42:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:42:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:42:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:42:50"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:42:55"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:43:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:43:05"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:43:06"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:43:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:43:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:43:20"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:43:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:43:30"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:43:36"} -{"level":"info","message":"GET /228 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:43:37"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:43:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:43:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:43:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:43:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:44:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:44:06"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:44:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:44:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:44:16"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:44:21"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:44:26"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:44:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:44:36"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:44:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:44:41"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:45:07"} -{"level":"info","message":"GET /228 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:45:37"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:46:11"} -{"level":"info","message":"GET /228 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:46:37"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:47:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:48:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:49:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:50:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:51:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:52:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:53:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:54:11"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:54:43"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:54:48"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:54:53"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:55:07"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:56:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:57:11"} -{"level":"info","message":"GET /228 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:58:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 14:59:11"} -{"level":"info","message":"GET /228 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:00:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:01:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:02:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:03:11"} -{"level":"info","message":"GET /228 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:04:11"} -{"level":"info","message":"GET /228 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:05:11"} -{"level":"info","message":"GET /228 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:06:11"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:07:11"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:08:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:09:11"} -{"level":"info","message":"GET /228 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:10:11"} -{"level":"info","message":"GET /228 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:11:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:12:11"} -{"level":"info","message":"POST /hospital-users/login 404 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:37"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:41"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:41"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:42"} -{"level":"info","message":"POST /refresh 200 - 134ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:42"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:42"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:42"} -{"level":"info","message":"GET /users/active 200 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:42"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:42"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:42"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:43"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:44"} -{"level":"info","message":"GET /list 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:46"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:50"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:50"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:50"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:50"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:51"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:53"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:14:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:15:01"} -{"level":"info","message":"GET / 200 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:15:49"} -{"level":"info","message":"GET /appuser_status 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:14"} -{"level":"info","message":"GET /popular-topics 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:18"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:28"} -{"level":"info","message":"GET /list 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:28"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:28"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:28"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:28"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:28"} -{"level":"info","message":"POST /refresh 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:28"} -{"level":"info","message":"POST /login 200 - 274ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:29"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:29"} -{"level":"info","message":"GET /users/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:29"} -{"level":"info","message":"POST /hospitals/active 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:29"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:41"} -{"level":"info","message":"GET /refresh-token/832/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:41"} -{"level":"info","message":"POST /get-access-token 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:41"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:41"} -{"level":"info","message":"GET /832 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:43"} -{"level":"info","message":"GET /228 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:43"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:43"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:43"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:43"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:43"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:43"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:43"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:43"} -{"level":"info","message":"GET /hospital/228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:46"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:46"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:46"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:48"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:48"} -{"level":"info","message":"GET /chat/1 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:50"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:53"} -{"level":"info","message":"POST /hospital-users/login 401 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:57"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:58"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:58"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:58"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:16:58"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:01"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:01"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:08"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:08"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:13"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:18"} -{"level":"info","message":"POST /hospital-users/login 401 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:21"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:23"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:25"} -{"level":"info","message":"GET /refresh-token/26/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:25"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:25"} -{"level":"info","message":"POST /refresh 200 - 58ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:25"} -{"level":"info","message":"POST /login 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:25"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:26"} -{"level":"info","message":"GET /users/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:26"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:39"} -{"level":"warn","message":"CORS blocked request from origin: https://34a4-122-171-20-117.ngrok-free.app","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:42"} -{"ip":"::ffff:127.0.0.1","level":"error","message":"Not allowed by CORS","method":"OPTIONS","path":"/api/users/hospital-users/login","service":"spurrinai-backend","stack":"Error: Not allowed by CORS\n at origin (/home/ubuntu/spurrin-cleaned-node/src/middlewares/security.js:97:22)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:219:13\n at optionsCallback (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:199:9)\n at corsMiddleware (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:204:7)\n at Layer.handle [as handle_request] (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/layer.js:95:5)\n at trim_prefix (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:328:13)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:286:9\n at Function.process_params (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:346:12)\n at next (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:280:10)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express-rate-limit/dist/index.cjs:659:7","timestamp":"2025-06-07 15:17:42"} -{"level":"error","message":"UNEXPECTED ERROR 💥 Not allowed by CORS","service":"spurrinai-backend","stack":"Error: Not allowed by CORS\n at origin (/home/ubuntu/spurrin-cleaned-node/src/middlewares/security.js:97:22)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:219:13\n at optionsCallback (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:199:9)\n at corsMiddleware (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:204:7)\n at Layer.handle [as handle_request] (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/layer.js:95:5)\n at trim_prefix (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:328:13)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:286:9\n at Function.process_params (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:346:12)\n at next (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:280:10)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express-rate-limit/dist/index.cjs:659:7","status":"error","statusCode":500,"timestamp":"2025-06-07 15:17:42"} -{"level":"warn","message":"CORS blocked request from origin: https://34a4-122-171-20-117.ngrok-free.app","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:43"} -{"ip":"::ffff:127.0.0.1","level":"error","message":"Not allowed by CORS","method":"OPTIONS","path":"/api/users/hospital-users/login","service":"spurrinai-backend","stack":"Error: Not allowed by CORS\n at origin (/home/ubuntu/spurrin-cleaned-node/src/middlewares/security.js:97:22)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:219:13\n at optionsCallback (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:199:9)\n at corsMiddleware (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:204:7)\n at Layer.handle [as handle_request] (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/layer.js:95:5)\n at trim_prefix (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:328:13)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:286:9\n at Function.process_params (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:346:12)\n at next (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:280:10)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express-rate-limit/dist/index.cjs:659:7","timestamp":"2025-06-07 15:17:43"} -{"level":"error","message":"UNEXPECTED ERROR 💥 Not allowed by CORS","service":"spurrinai-backend","stack":"Error: Not allowed by CORS\n at origin (/home/ubuntu/spurrin-cleaned-node/src/middlewares/security.js:97:22)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:219:13\n at optionsCallback (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:199:9)\n at corsMiddleware (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:204:7)\n at Layer.handle [as handle_request] (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/layer.js:95:5)\n at trim_prefix (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:328:13)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:286:9\n at Function.process_params (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:346:12)\n at next (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:280:10)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express-rate-limit/dist/index.cjs:659:7","status":"error","statusCode":500,"timestamp":"2025-06-07 15:17:43"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:45"} -{"level":"info","message":"POST /logout 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:46"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:54"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:17:59"} -{"level":"warn","message":"CORS blocked request from origin: https://34a4-122-171-20-117.ngrok-free.app","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:01"} -{"ip":"::ffff:127.0.0.1","level":"error","message":"Not allowed by CORS","method":"OPTIONS","path":"/api/users/hospital-users/login","service":"spurrinai-backend","stack":"Error: Not allowed by CORS\n at origin (/home/ubuntu/spurrin-cleaned-node/src/middlewares/security.js:97:22)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:219:13\n at optionsCallback (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:199:9)\n at corsMiddleware (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:204:7)\n at Layer.handle [as handle_request] (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/layer.js:95:5)\n at trim_prefix (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:328:13)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:286:9\n at Function.process_params (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:346:12)\n at next (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:280:10)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express-rate-limit/dist/index.cjs:659:7","timestamp":"2025-06-07 15:18:01"} -{"level":"error","message":"UNEXPECTED ERROR 💥 Not allowed by CORS","service":"spurrinai-backend","stack":"Error: Not allowed by CORS\n at origin (/home/ubuntu/spurrin-cleaned-node/src/middlewares/security.js:97:22)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:219:13\n at optionsCallback (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:199:9)\n at corsMiddleware (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:204:7)\n at Layer.handle [as handle_request] (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/layer.js:95:5)\n at trim_prefix (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:328:13)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:286:9\n at Function.process_params (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:346:12)\n at next (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:280:10)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express-rate-limit/dist/index.cjs:659:7","status":"error","statusCode":500,"timestamp":"2025-06-07 15:18:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:09"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:14"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:19"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:39"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:44"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:47"} -{"cpu":{"loadAvg":0.38,"usage":2.754695309551991},"errors":{},"level":"info","memory":{"external":21810717,"heapTotal":88059904,"heapUsed":78877152,"rss":155164672},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":4,"total":4},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /228":{"failed":29,"success":207,"total":236},"GET /832":{"failed":0,"success":3,"total":3},"GET /admin/assets/js/pbxlib.js":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":13,"total":13},"GET /chat-sessions":{"failed":13,"success":17,"total":30},"GET /chat/1":{"failed":0,"success":2,"total":2},"GET /colors":{"failed":224,"success":236,"total":460},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":2,"success":0,"total":2},"GET /get-forwarded-feedbacks":{"failed":2,"success":9,"total":11},"GET /hospital-users/228":{"failed":1,"success":4,"total":5},"GET /hospital/228":{"failed":0,"success":18,"total":18},"GET /hospital/received":{"failed":0,"success":1,"total":1},"GET /hospitals/onboarded":{"failed":2,"success":9,"total":11},"GET /list":{"failed":2,"success":13,"total":15},"GET /popular-topics":{"failed":6,"success":16,"total":22},"GET /refresh-token/26/6":{"failed":0,"success":6,"total":6},"GET /refresh-token/31/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/832/7":{"failed":0,"success":3,"total":3},"GET /refresh-token/9/6":{"failed":0,"success":4,"total":4},"GET /uploads/profile_photos/profile_photo-1748856835606-831810381.png":{"failed":52,"success":0,"total":52},"GET /users/active":{"failed":2,"success":9,"total":11},"POST /get-access-token":{"failed":0,"success":4,"total":4},"POST /hospital-users/login":{"failed":9,"success":9,"total":18},"POST /hospitals/active":{"failed":1,"success":7,"total":8},"POST /login":{"failed":6,"success":16,"total":22},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":5,"total":5},"POST /signup":{"failed":3,"success":1,"total":4},"POST /upload":{"failed":0,"success":3,"total":3},"POST /upload-profile-photo":{"failed":1,"success":0,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /approve-id/137":{"failed":0,"success":1,"total":1},"PUT /like":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":5,"total":5}},"failed":361,"success":630,"total":991},"responseTime":{"avg":9.664984863773965,"max":274,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T09:48:48.759Z"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:54"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:59"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:18:59"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:09"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:14"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:19"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:19"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:44"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:59"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:19:59"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:09"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:14"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:19"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:29"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:39"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:44"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:44"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:49"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:59"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:20:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:04"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:09"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:15"} -{"level":"info","message":"GET /chat/1 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:25"} -{"level":"info","message":"GET /chat-sessions 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:26"} -{"level":"info","message":"GET /chat/1 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:45"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:50"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:50"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:55"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:21:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:05"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:10"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:30"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:45"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:50"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:55"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:22:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:05"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:10"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:15"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:15"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:20"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:30"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:35"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:45"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:50"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:55"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:23:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:05"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:15"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:20"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:25"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:30"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:46"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:50"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:55"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:24:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:05"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:16"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:20"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:25"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:35"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:46"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:25:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:06"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:36"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:41"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:46"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:51"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:26:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:27:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:27:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:27:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:27:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:27:21"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:27:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:27:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:27:36"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:27:41"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:27:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:27:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:27:52"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:27:57"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:28:02"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:28:07"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:28:12"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:28:17"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:28:22"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:28:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:28:32"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:28:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:28:42"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:28:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:28:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:28:52"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:28:57"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:29:02"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:29:07"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:29:12"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:29:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:29:22"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:29:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:29:32"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:29:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:29:42"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:29:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:29:47"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:29:52"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:29:57"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:30:02"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:30:07"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:30:12"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:30:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:30:22"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:30:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:30:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:30:37"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:30:42"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:30:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:30:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:30:52"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:30:57"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:31:02"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:31:08"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:31:13"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:31:18"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:31:23"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:31:28"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:31:33"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:31:38"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:31:43"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:31:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:31:48"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:31:53"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:31:58"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:32:03"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:32:08"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:32:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:32:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:32:23"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:32:28"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:32:33"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:32:38"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:32:43"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:32:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:32:48"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:32:53"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:32:58"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:33:03"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:33:08"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:33:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:33:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:33:23"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:33:28"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:33:33"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:33:38"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:33:43"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:33:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:33:48"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:33:53"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:33:58"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:34:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:34:08"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:34:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:34:18"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:34:23"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:34:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:34:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:34:39"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:34:44"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:34:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:34:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:34:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:34:59"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:35:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:35:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:35:14"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:35:19"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:35:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:35:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:35:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:35:39"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:35:44"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:35:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:35:49"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:35:54"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:35:59"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:36:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:36:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:36:14"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:36:19"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:36:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:36:29"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:36:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:36:39"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:36:44"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:36:47"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:36:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:36:54"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 15:36:58"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:04"} -{"level":"info","message":"GET /colors 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:04"} -{"level":"info","message":"POST /hospital-users/login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:09"} -{"level":"info","message":"GET /refresh-token/26/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:09"} -{"level":"info","message":"POST /get-access-token 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:09"} -{"level":"info","message":"POST /login 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:14"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:21"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:31"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:32"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:34"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:34"} -{"level":"info","message":"POST /get-access-token 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:34"} -{"level":"info","message":"POST /login 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:34"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:46"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:53"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:53"} -{"level":"info","message":"POST /get-access-token 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:53"} -{"level":"info","message":"POST /login 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:53"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:55"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:37:57"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:00"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:03"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:03"} -{"level":"info","message":"POST /get-access-token 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:03"} -{"level":"info","message":"POST /login 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:05"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:07"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:10"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:12"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:20"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:25"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:45"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:47"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:48"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:50"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:53"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:55"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:38:58"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:00"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:00"} -{"level":"info","message":"POST /get-access-token 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:00"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:05"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:08"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:15"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:40"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:44"} -{"level":"info","message":"GET /users/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:44"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:45"} -{"level":"info","message":"POST /hospitals/active 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:45"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:47"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:50"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:50"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:55"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:56"} -{"level":"info","message":"GET /users/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:56"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:56"} -{"level":"info","message":"POST /hospitals/active 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:39:56"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:11"} -{"level":"info","message":"GET /users/active 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:11"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:11"} -{"level":"info","message":"POST /hospitals/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:11"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:14"} -{"level":"info","message":"GET /users/active 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:14"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:14"} -{"level":"info","message":"POST /hospitals/active 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:14"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:15"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:15"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:15"} -{"level":"info","message":"POST /refresh 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:15"} -{"level":"info","message":"POST /login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:15"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:16"} -{"level":"info","message":"GET /users/active 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:16"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:16"} -{"level":"info","message":"GET /users/active 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:16"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:16"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:19"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:19"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:19"} -{"level":"info","message":"POST /get-access-token 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:19"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:20"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:25"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:30"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:39"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:44"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:45"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:54"} -{"level":"info","message":"POST /logout 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:40:58"} -{"level":"info","message":"POST /hospital-users/login 401 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:03"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:04"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:04"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:04"} -{"level":"info","message":"POST /refresh 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:04"} -{"level":"info","message":"POST /login 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:04"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:05"} -{"level":"info","message":"GET /users/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:05"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:09"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:12"} -{"level":"info","message":"GET /users/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:12"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:12"} -{"level":"info","message":"GET /users/active 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:12"} -{"level":"info","message":"POST /hospitals/active 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:19"} -{"level":"info","message":"POST /hospital-users/login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:20"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:23"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:24"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:26"} -{"level":"info","message":"GET /refresh-token/26/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:26"} -{"level":"info","message":"POST /get-access-token 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:26"} -{"level":"info","message":"POST /login 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:26"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:26"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:29"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:34"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:35"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:35"} -{"level":"info","message":"GET /users/active 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:35"} -{"level":"info","message":"GET /users/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:35"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:35"} -{"level":"info","message":"POST /hospitals/active 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:35"} -{"level":"info","message":"GET /users/active 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:38"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:38"} -{"level":"info","message":"GET /users/active 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:38"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:38"} -{"level":"info","message":"POST /hospitals/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:39"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:44"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:45"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:47"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:47"} -{"level":"info","message":"GET /users/active 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:47"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:47"} -{"level":"info","message":"GET /users/active 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:47"} -{"level":"info","message":"POST /hospitals/active 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:47"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:49"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:50"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:54"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:55"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:41:59"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:00"} -{"level":"info","message":"GET /users/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:02"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:02"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:02"} -{"level":"info","message":"GET /users/active 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:02"} -{"level":"info","message":"POST /hospitals/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:04"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:09"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:14"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:19"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:24"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:24"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:25"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:25"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:26"} -{"level":"info","message":"POST /get-access-token 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:29"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:34"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:34"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:35"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:39"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:40"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:41"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:41"} -{"level":"info","message":"POST /get-access-token 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:44"} -{"level":"info","message":"GET /colors 403 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:44"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:45"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:49"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:50"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:54"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:56"} -{"level":"info","message":"POST /logout 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:42:59"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:01"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:04"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:09"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:11"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:11"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:11"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:11"} -{"level":"info","message":"POST /get-access-token 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:14"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:19"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:23"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:23"} -{"level":"info","message":"POST /get-access-token 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:23"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:24"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:29"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:34"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:34"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:39"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:44"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:46"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:49"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:54"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:43:59"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:04"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:09"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:11"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:14"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:19"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:21"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:24"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:29"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:39"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:44"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:49"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:54"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:44:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:00"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:05"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:10"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:10"} -{"level":"info","message":"GET /list 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:15"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:20"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:20"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:25"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:30"} -{"level":"info","message":"POST /hospital-users/login 401 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:31"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:34"} -{"level":"info","message":"GET /refresh-token/832/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:34"} -{"level":"info","message":"POST /get-access-token 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:34"} -{"level":"info","message":"POST /login 200 - 131ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:34"} -{"level":"info","message":"GET /832 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:34"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:34"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:36"} -{"level":"info","message":"GET /228 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:36"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:36"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:36"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:36"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:36"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:36"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:36"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:36"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:36"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:40"} -{"level":"info","message":"GET /users/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:40"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:40"} -{"level":"info","message":"GET /users/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:40"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:40"} -{"level":"info","message":"POST /hospitals/active 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:40"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:41"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:41"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:41"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:45"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:47"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:47"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:47"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:50"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:50"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:55"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:45:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:00"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:05"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:10"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:10"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:15"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:20"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:25"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:30"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:35"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:35"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:40"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:45"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:48"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:48"} -{"level":"info","message":"GET /users/active 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:48"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:48"} -{"level":"info","message":"GET /users/active 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:48"} -{"level":"info","message":"POST /hospitals/active 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:50"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:55"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:46:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:00"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:05"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:10"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:11"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:15"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:20"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:21"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:25"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:30"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:35"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:36"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:40"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:45"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:50"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:55"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:47:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:00"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:05"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:10"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:11"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:15"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:20"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:25"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:30"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:35"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:37"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:40"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:45"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:50"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:55"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:48:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:00"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:05"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:10"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:11"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:12"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:15"} -{"level":"info","message":"GET /users/active 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:15"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:15"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:20"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:25"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:30"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:35"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:37"} -{"level":"info","message":"GET /colors 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:40"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:45"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:49:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:50:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:50:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:50:10"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:50:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:50:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:50:20"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:50:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:50:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:50:35"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:50:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:50:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:50:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:50:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:50:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:51:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:51:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:51:11"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:51:11"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:51:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:51:21"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:51:26"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:51:31"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:51:36"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:51:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:51:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:51:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:51:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:51:56"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:52:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:52:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:52:11"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:52:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:52:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:52:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:52:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:52:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:52:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:52:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:52:46"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:52:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:52:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:53:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:53:06"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:53:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:53:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:53:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:53:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:53:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:53:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:53:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:53:36"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:53:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:53:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:53:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:53:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:54:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:54:06"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:54:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:54:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:54:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:54:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:54:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:54:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:54:31"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:54:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:54:41"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:54:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:54:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:54:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:55:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:55:06"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:55:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:55:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:55:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:55:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:55:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:55:26"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:55:31"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:55:36"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:55:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:55:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:55:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:55:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:56:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:56:07"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:56:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:56:12"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:56:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:56:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:56:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:56:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:56:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:56:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:56:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:56:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:56:52"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:56:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:57:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:57:07"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:57:11"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:57:12"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:57:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:57:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:57:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:57:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:57:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:57:37"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:57:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:57:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:57:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:57:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:58:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:58:07"} -{"level":"info","message":"GET /228 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:58:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:58:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:58:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:58:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:58:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:58:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:58:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:58:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:58:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:58:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:58:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:58:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:02"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:07"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:23"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:25"} -{"level":"info","message":"POST /hospitals/active 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:25"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:37"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 15:59:57"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:07"} -{"level":"info","message":"GET /228 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:37"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:00:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:08"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:11"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:13"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:23"} -{"level":"info","message":"GET /list 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:25"} -{"level":"info","message":"GET /list 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:28"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:29"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:29"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:29"} -{"level":"info","message":"POST /refresh 200 - 107ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:29"} -{"level":"info","message":"POST /login 200 - 254ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:29"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:30"} -{"level":"info","message":"GET /users/active 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:30"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:30"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:30"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:32"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:01:58"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:08"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:23"} -{"level":"info","message":"GET /list 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:27"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:33"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:54"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:57"} -{"level":"info","message":"GET /users/active 304 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:57"} -{"level":"info","message":"GET /colors 403 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:57"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:57"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:02:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:09"} -{"level":"info","message":"GET /228 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:19"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:22"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:22"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:28"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:34"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:03:59"} -{"level":"info","message":"PUT /update/228 400 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:00"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:04"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:09"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:13"} -{"level":"info","message":"PUT /update/228 400 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:18"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:30"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:40"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:04:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:10"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:23"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:33"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:38"} -{"level":"info","message":"PUT /update/228 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:43"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:05:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:08"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:11"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:21"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:31"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:32"} -{"level":"info","message":"POST /login 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:32"} -{"level":"info","message":"POST /login 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:36"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:43"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:06:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:08"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:28"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:30"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:38"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:53"} -{"level":"info","message":"PUT /update/228 400 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:54"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:07:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:02"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:07"} -{"level":"info","message":"PUT /update/228 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:09"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:12"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:24"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:08:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:09"} -{"level":"info","message":"GET /228 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:11"} -{"level":"info","message":"GET /228 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:14"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:29"} -{"level":"info","message":"PUT /update/228 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:32"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:44"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:54"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:09:59"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:09"} -{"level":"info","message":"GET /228 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:11"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:11"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:14"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:18"} -{"level":"info","message":"PUT /update/228 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:34"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:49"} -{"level":"info","message":"PUT /update/228 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:51"} -{"level":"info","message":"PUT /update/228 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:52"} -{"level":"info","message":"PUT /update/228 400 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:52"} -{"level":"info","message":"PUT /update/228 400 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:53"} -{"level":"info","message":"PUT /update/228 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:53"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:53"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:53"} -{"level":"info","message":"PUT /update/228 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:53"} -{"level":"info","message":"PUT /update/228 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:53"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:53"} -{"level":"info","message":"PUT /update/228 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:54"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:54"} -{"level":"info","message":"PUT /update/228 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:54"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:54"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:54"} -{"level":"info","message":"PUT /update/228 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:55"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:55"} -{"level":"info","message":"PUT /update/228 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:55"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:56"} -{"level":"info","message":"PUT /update/228 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:10:59"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:09"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:34"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:44"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:47"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:47"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:53"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:58"} -{"level":"info","message":"PUT /update/228 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:11:59"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:04"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:09"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:50"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:12:59"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:05"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:10"} -{"level":"info","message":"POST /create-hospital 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:11"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:20"} -{"level":"info","message":"GET /colors 403 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:25"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:25"} -{"level":"info","message":"POST /create-hospital 201 - 3564ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:25"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:40"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:45"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:45"} -{"level":"info","message":"PUT /update/229 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:50"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:55"} -{"level":"info","message":"PUT /update/229 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:13:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:10"} -{"level":"info","message":"GET /228 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:12"} -{"level":"info","message":"PUT /update/229 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:15"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:25"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:56"} -{"level":"info","message":"POST /hospital-users/login 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:14:57"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:06"} -{"level":"info","message":"POST /initialize 201 - 254ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:11"} -{"level":"info","message":"GET /228 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:12"} -{"level":"info","message":"GET /refresh-token/124/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:12"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:12"} -{"level":"info","message":"POST /refresh 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:12"} -{"level":"info","message":"POST /login 200 - 174ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:13"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:14"} -{"level":"info","message":"GET /users/active 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:14"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:14"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:14"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:15"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:16"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:15:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:15"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:25"} -{"level":"info","message":"PUT /update/229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:47"} -{"level":"info","message":"PUT /update/229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:55"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:16:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:07"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:12"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:12"} -{"level":"info","message":"PUT /update/229 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:16"} -{"level":"info","message":"PUT /update/229 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:16"} -{"level":"info","message":"PUT /update/229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:17"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:17"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:23"} -{"level":"info","message":"PUT /update/229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:25"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:38"} -{"level":"info","message":"PUT /update/229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:54"} -{"level":"info","message":"PUT /update/229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:17:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:01"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:04"} -{"level":"info","message":"PUT /update/229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:33"} -{"level":"info","message":"PUT /update/229 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:41"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:59"} -{"level":"info","message":"PUT /update/229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:18:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:24"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:31"} -{"level":"info","message":"PUT /update/229 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:34"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:39"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:40"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:56"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:19:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:19"} -{"level":"info","message":"POST /create-hospital 201 - 2586ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:19"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:21"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:26"} -{"level":"info","message":"PUT /update/230 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:36"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:36"} -{"level":"info","message":"GET /list 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:46"} -{"level":"info","message":"PUT /update/230 400 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:49"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:51"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:53"} -{"level":"info","message":"PUT /update/230 400 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:20:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:02"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:10"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:15"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:26"} -{"level":"info","message":"PUT /update/229 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:31"} -{"level":"info","message":"GET /list 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:35"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:46"} -{"level":"info","message":"PUT /update/230 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:55"} -{"level":"info","message":"PUT /update/230 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:21:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:13"} -{"level":"info","message":"PUT /update/230 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:18"} -{"level":"info","message":"GET /appuser_status 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:23"} -{"level":"info","message":"GET /chat-sessions 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:25"} -{"level":"info","message":"GET /popular-topics 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:25"} -{"level":"info","message":"PUT /update/230 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:27"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:29"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:36"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:41"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:22:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:24"} -{"level":"info","message":"PUT /update/229 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:34"} -{"level":"info","message":"PUT /update/229 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:37"} -{"level":"info","message":"PUT /update/229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:44"} -{"level":"info","message":"GET /chat/1 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:47"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:47"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:47"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:58"} -{"level":"info","message":"PUT /update/230 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:23:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:08"} -{"level":"info","message":"PUT /update/230 200 - 165ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:17"} -{"level":"info","message":"PUT /update/229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:18"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:21"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:47"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:24:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:07"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:07"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:09"} -{"level":"info","message":"GET /users/active 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:09"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:09"} -{"level":"info","message":"POST /hospitals/active 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:38"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:41"} -{"level":"info","message":"GET /list 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:41"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:48"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:25:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:04"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:14"} -{"level":"info","message":"GET /list 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:14"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:19"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:24"} -{"level":"info","message":"PUT /update/229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:25"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:27"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:39"} -{"level":"info","message":"PUT /update/230 200 - 95ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:49"} -{"level":"info","message":"PUT /update/230 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:26:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:08"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:24"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:25"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:25"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:35"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:27:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:15"} -{"level":"info","message":"PUT /update/229 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:23"} -{"level":"info","message":"PUT /update/230 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:25"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:29"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:34"} -{"level":"info","message":"PUT /update/230 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:44"} -{"level":"info","message":"PUT /update/229 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:54"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:28:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:24"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:39"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:54"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:29:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:05"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:51"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:30:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:01"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:11"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:20"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:21"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:21"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:25"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:31"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:35"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:36"} -{"level":"info","message":"PUT /update/229 200 - 173ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:40"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:45"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:46"} -{"level":"info","message":"PUT /update/229 200 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:48"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:51"} -{"level":"info","message":"PUT /update/229 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:55"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:31:56"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:05"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:46"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:32:56"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:01"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:02"} -{"level":"info","message":"GET /list 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:05"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:05"} -{"level":"info","message":"GET /list 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:36"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:46"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:46"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:47"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:47"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:47"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:33:56"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:16"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:21"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:31"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:36"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:46"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:34:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:02"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:07"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:12"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:17"} -{"level":"info","message":"GET /chat/1 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:27"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:27"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:27"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:27"} -{"level":"info","message":"POST /refresh 200 - 133ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:27"} -{"level":"info","message":"POST /login 200 - 133ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:28"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:29"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:29"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:29"} -{"level":"info","message":"GET /users/active 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:29"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:31"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:31"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:47"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:35:57"} -{"level":"info","message":"POST /create-hospital 201 - 2564ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:00"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:00"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:01"} -{"level":"info","message":"GET /list 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:02"} -{"level":"info","message":"GET /users/active 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:02"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:02"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:02"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:02"} -{"level":"info","message":"GET /users/active 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:08"} -{"level":"info","message":"PUT /update/231 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:13"} -{"level":"info","message":"GET /list 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:13"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:52"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:52"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:36:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:37:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:03"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:38:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:39:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:39:09"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:39:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:39:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:39:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:39:29"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:39:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:39:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:39:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:39:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:39:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:39:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:40:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:40:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:40:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:40:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:40:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:40:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:40:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:40:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:40:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:40:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:40:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:41:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:41:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:41:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:41:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:41:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:41:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:41:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:41:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:41:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:41:45"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:41:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:41:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:42:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:42:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:42:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:42:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:42:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:42:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:42:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:42:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:42:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:42:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:42:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:42:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:43:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:44:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:44:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:44:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:44:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:44:58"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:45:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:45:08"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:45:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:46:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:46:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:46:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:46:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:46:26"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:46:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:46:36"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:46:41"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:46:46"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:46:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:46:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:06"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:07"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:12"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:17"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:22"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:53"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:47:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:26"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:36"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:46"} -{"level":"info","message":"GET /list 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:50"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:50"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:48:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:20"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:49:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:32"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:39"} -{"level":"info","message":"GET /list 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:39"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:49"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:50:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:12"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:22"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:22"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:22"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:27"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:42"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:51:57"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:22"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:37"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:52:57"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:01"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:01"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:07"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:11"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:12"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:17"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:44"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:48"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:54"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:53:59"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:04"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:14"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:19"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:29"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:37"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:53"} -{"level":"info","message":"DELETE /delete/228 200 - 1627ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:54:59"} -{"level":"info","message":"DELETE /delete/212 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:01"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:04"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:20"} -{"level":"info","message":"GET /list 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:22"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:23"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:30"} -{"level":"info","message":"PUT /update/229 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:35"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:43"} -{"level":"info","message":"GET /list 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:48"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:49"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:49"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:54"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:55:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:35"} -{"level":"info","message":"PUT /update/229 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:53"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:56:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:21"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:31"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:33"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:43"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:46"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:48"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:48"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:48"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:51"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:57:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:01"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:03"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:58:57"} -{"level":"info","message":"POST /create-hospital 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:59:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:59:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:59:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:59:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:59:17"} -{"level":"info","message":"POST /create-hospital 201 - 2529ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:59:17"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:59:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:59:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:59:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 16:59:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:14"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:28"} -{"level":"info","message":"GET /refresh-token/833/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:28"} -{"level":"info","message":"POST /get-access-token 200 - 178ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:28"} -{"level":"info","message":"POST /login 200 - 132ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:28"} -{"level":"info","message":"GET /833 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:28"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:29"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:39"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:44"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:00:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:01"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:05"} -{"level":"info","message":"PUT /update-password/833 400 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:07"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:15"} -{"level":"info","message":"PUT /update-password/833 200 - 307ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:18"} -{"level":"info","message":"POST /add 201 - 104ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:20"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:25"} -{"level":"info","message":"POST /upload-profile-photo 200 - 93ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:26"} -{"level":"info","message":"POST /add 200 - 101ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:26"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:26"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:29"} -{"level":"info","message":"GET /list 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:30"} -{"level":"info","message":"PUT /update/229 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:32"} -{"level":"info","message":"POST /add 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:35"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:35"} -{"level":"info","message":"GET /229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:37"} -{"level":"info","message":"GET /uploads/profile_photos/profile_photo-1749227474939-288116510.png 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:42"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:43"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:43"} -{"level":"info","message":"GET /hospital/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:43"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:43"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:44"} -{"level":"info","message":"GET /public-signup/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:44"} -{"level":"info","message":"GET /hospital-users/229 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:44"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:44"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:44"} -{"level":"info","message":"GET /hospital-users/229 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:46"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:46"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:47"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:52"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:52"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:52"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:52"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:53"} -{"level":"info","message":"GET /public-signup/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:53"} -{"level":"info","message":"GET /hospital-users/229 404 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:53"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:53"} -{"level":"info","message":"GET /hospital-users/229 404 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:53"} -{"level":"info","message":"GET /public-signup/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:54"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:54"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:54"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:54"} -{"level":"info","message":"GET /229 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:54"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:54"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:54"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:54"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:01:59"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:05"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:06"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:16"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:20"} -{"level":"info","message":"GET /public-signup/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:20"} -{"level":"info","message":"GET /hospital-users/229 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:20"} -{"level":"info","message":"GET /hospital-users/229 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:20"} -{"level":"info","message":"GET /public-signup/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:20"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:21"} -{"level":"info","message":"GET / 200 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:41"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:02:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:03:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:03:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:03:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:03:16"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:03:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:03:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:03:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:03:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:03:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:03:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:03:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:03:51"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:03:57"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:04:02"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:04:07"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:04:12"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:04:17"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 17:04:19"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 17:04:22"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:04:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:04:27"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:04:32"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:04:37"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:04:42"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:04:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:04:52"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:04:57"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:01"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:06"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:08"} -{"level":"info","message":"GET /hospitals/onboarded 500 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:08"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:08"} -{"level":"info","message":"GET /users/active 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:08"} -{"level":"info","message":"POST /hospitals/active 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:16"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:18"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:21"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:26"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:28"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:28"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:33"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:38"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:43"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:48"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:53"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:05:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:03"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:04"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:13"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:14"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:15"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:15"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:15"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:15"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:15"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:39"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:40"} -{"level":"info","message":"POST /check-email-code 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:42"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:42"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:44"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:45"} -{"level":"info","message":"GET /list 304 - 468ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:45"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:45"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:48"} -{"level":"info","message":"GET /229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:50"} -{"level":"info","message":"POST /signup 201 - 385ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:55"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:56"} -{"level":"info","message":"GET /public-signup/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:56"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:56"} -{"level":"info","message":"GET /hospital-users/229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:56"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:56"} -{"level":"info","message":"GET /hospital-users/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:58"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:58"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:59"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:06:59"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:00"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:05"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:10"} -{"level":"info","message":"POST /login 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:15"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:20"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:30"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:51"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:56"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:07:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:06"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:16"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:21"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:25"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:26"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:34"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:36"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:41"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:55"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:08:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:02"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:05"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:07"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:09"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:09"} -{"level":"info","message":"GET /colors 403 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:09"} -{"level":"info","message":"POST /hospitals/active 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:14"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:17"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:19"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:20"} -{"level":"info","message":"PUT /public-signup/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:22"} -{"level":"info","message":"PUT /public-signup/229 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:29"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:39"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:44"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:54"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:09:59"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:00"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:12"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:18"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:20"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:23"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:28"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:33"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:35"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:38"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:43"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:48"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:53"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:10:58"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:03"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:08"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:13"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:18"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:23"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:25"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:28"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:33"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:38"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:43"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:48"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:56"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:11:59"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:09"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:14"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:19"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:24"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:34"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:34"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:39"} -{"level":"info","message":"POST /upload-profile-photo 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:41"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:43"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:43"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:43"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:43"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:48"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:48"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:53"} -{"level":"info","message":"POST /upload-profile-photo 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:53"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:54"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:55"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:12:59"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:04"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:05"} -{"level":"info","message":"PUT /update/229 200 - 106ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:08"} -{"level":"info","message":"PUT /edit-user/833 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:09"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:14"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:19"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:33"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:50"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:55"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:13:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:05"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:05"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:07"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:10"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:10"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:10"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:15"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:15"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:20"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:25"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:26"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:36"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:36"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:36"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:36"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:38"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:38"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:38"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:43"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:52"} -{"level":"info","message":"GET /hospital/received 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:52"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:52"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:52"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:14:59"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:00"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:00"} -{"level":"info","message":"GET /public-signup/229 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:00"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:00"} -{"level":"info","message":"GET /public-signup/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:16"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:21"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:36"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:52"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:57"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:15:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:02"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:04"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:07"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:12"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:17"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:32"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:49"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:52"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:54"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:55"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:55"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:55"} -{"level":"info","message":"POST /refresh 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:55"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:55"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:56"} -{"level":"info","message":"GET /users/active 200 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:56"} -{"level":"info","message":"POST /hospitals/active 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:58"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:59"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:16:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:09"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:12"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:14"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:19"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:19"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:43"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:48"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:53"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:54"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:58"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:17:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:00"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:04"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:04"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:08"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:14"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:17"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:17"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:17"} -{"level":"info","message":"POST /refresh 200 - 100ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:18"} -{"level":"info","message":"POST /login 200 - 179ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:18"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:18"} -{"level":"info","message":"GET /users/active 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:18"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:19"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:23"} -{"level":"info","message":"GET /list 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:23"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:33"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:38"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:39"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:43"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:48"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:53"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:58"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:18:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:08"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:23"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:39"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:39"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:39"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:44"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:49"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:54"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:59"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:19:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:00"} -{"level":"info","message":"POST /upload 200 - 126ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:04"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:04"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:04"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:06"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:09"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:09"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:10"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:11"} -{"level":"info","message":"GET /hospital/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:11"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:14"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:14"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:15"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:16"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:19"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:21"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:24"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:29"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:30"} -{"level":"info","message":"GET /colors 403 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:34"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:35"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:36"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:39"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:40"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:40"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:40"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:40"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:40"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:40"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:40"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:41"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:45"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:46"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:49"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:50"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:51"} -{"level":"info","message":"POST /upload 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:52"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:54"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:55"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:56"} -{"level":"info","message":"GET /hospital/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:59"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:20:59"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:00"} -{"level":"info","message":"GET /public-signup/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:00"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:00"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:00"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:00"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:04"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:05"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:05"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:05"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:05"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:06"} -{"level":"info","message":"GET /hospital-users/229 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:07"} -{"level":"info","message":"GET /public-signup/229 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:07"} -{"level":"info","message":"GET /229 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:07"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:07"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:07"} -{"level":"info","message":"GET /public-signup/229 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:07"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:09"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:11"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:11"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:14"} -{"level":"info","message":"GET /colors 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:15"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:16"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:16"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:19"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:21"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:21"} -{"level":"info","message":"POST /login 200 - 1789ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:24"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:24"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:25"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:26"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:26"} -{"level":"info","message":"POST /verify-pin 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:29"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:29"} -{"level":"info","message":"GET /chat-sessions 404 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:30"} -{"level":"info","message":"GET /popular-topics 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:30"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:30"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:31"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:31"} -{"level":"info","message":"PUT /public-signup/229 200 - 177ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:32"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:35"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:35"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:36"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:36"} -{"level":"info","message":"GET /chat-sessions 404 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:39"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:40"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:40"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:41"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:42"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:45"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:46"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:50"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:51"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:55"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:55"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:56"} -{"level":"info","message":"POST /login 404 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:56"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:21:57"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:00"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:00"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:01"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:05"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:06"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:07"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:10"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:10"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:11"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:15"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:15"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:17"} -{"level":"info","message":"PUT /public-signup/229 200 - 236ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:20"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:20"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:22"} -{"level":"info","message":"POST /login 200 - 414ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:24"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:25"} -{"level":"info","message":"GET /colors 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:25"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:30"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:30"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:31"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:32"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:35"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:35"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:36"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:37"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:40"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:40"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:41"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:42"} -{"level":"info","message":"GET /chat-sessions 404 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:42"} -{"level":"info","message":"GET /popular-topics 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:42"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:42"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:45"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:45"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:46"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:47"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:50"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:52"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:55"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:56"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:22:57"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:00"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:00"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:01"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:02"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:05"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:05"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:06"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:07"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:10"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:10"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:11"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:12"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:15"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:15"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:16"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:17"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:20"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:20"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:21"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:22"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:25"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:25"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:28"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:30"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:33"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:36"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:36"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:37"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:37"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:37"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:37"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:38"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:41"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:41"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:42"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:42"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:42"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:42"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:42"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:42"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:42"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:42"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:42"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:42"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:43"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:46"} -{"level":"info","message":"GET /229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:47"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:47"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:47"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:49"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:49"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:49"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:51"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:52"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:54"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:54"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:56"} -{"level":"info","message":"GET /hospital/229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:56"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:56"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:56"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:56"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:56"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:57"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:23:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:01"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:01"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:02"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:03"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:06"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:06"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:07"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:11"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:11"} -{"level":"info","message":"GET /chat-sessions 404 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:12"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:12"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:13"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:16"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:16"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:17"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:18"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:19"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:20"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:20"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:20"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:20"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:20"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:20"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:21"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:21"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:22"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:23"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:24"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:24"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:24"} -{"level":"info","message":"GET /hospital-users/229 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:25"} -{"level":"info","message":"GET /public-signup/229 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:25"} -{"level":"info","message":"GET /229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:25"} -{"level":"info","message":"GET /public-signup/229 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:25"} -{"level":"info","message":"GET /hospital-users/229 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:25"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:25"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:26"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:26"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:27"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:28"} -{"level":"info","message":"GET /hospital/229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:30"} -{"level":"info","message":"GET /229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:30"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:30"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:30"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:31"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:31"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:32"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:33"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:34"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:34"} -{"level":"info","message":"GET /hospital/229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:34"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:34"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:34"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:34"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:34"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:34"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:36"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:36"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:38"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:39"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:39"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:40"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:40"} -{"level":"info","message":"GET /public-signup/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:40"} -{"level":"info","message":"GET /public-signup/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:40"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:41"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:43"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:46"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:48"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:49"} -{"level":"info","message":"PUT /public-signup/229 200 - 1597ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:51"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:53"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:54"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:57"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:58"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:24:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:02"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:03"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:04"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:05"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:05"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:05"} -{"level":"info","message":"GET /229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:05"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:06"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:06"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:06"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:06"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:07"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:07"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:11"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:11"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:12"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:12"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:14"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:16"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:17"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:17"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:19"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:21"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:22"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:22"} -{"level":"info","message":"GET /229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:22"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:22"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:23"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:24"} -{"level":"info","message":"GET /229 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:26"} -{"level":"info","message":"GET /hospital/received 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:26"} -{"level":"info","message":"GET /hospital/received 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:26"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:26"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:26"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:28"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:28"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:28"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:29"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:31"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:31"} -{"level":"info","message":"GET /hospital/229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:31"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:31"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:31"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:32"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:32"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:32"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:32"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:32"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:32"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:32"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:33"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:36"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:36"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:37"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:37"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:37"} -{"level":"info","message":"GET /public-signup/229 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:37"} -{"level":"info","message":"GET /public-signup/229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:37"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:38"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:39"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:42"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:43"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:44"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:47"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:48"} -{"level":"info","message":"POST /login 404 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:49"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:49"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:52"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:53"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:54"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:57"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:57"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:58"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:25:59"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:02"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:02"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:03"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:04"} -{"level":"info","message":"POST /login 404 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:05"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:07"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:08"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:09"} -{"level":"info","message":"PUT /public-signup/229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:10"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:14"} -{"level":"info","message":"PUT /public-signup/229 200 - 3108ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:14"} -{"level":"info","message":"PUT /public-signup/229 200 - 761ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:14"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:17"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:18"} -{"level":"info","message":"PUT /public-signup/229 200 - 2707ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:19"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:19"} -{"level":"info","message":"PUT /public-signup/229 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:19"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:22"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:23"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:24"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:27"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:27"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:28"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:29"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:32"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:32"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:33"} -{"level":"info","message":"POST /login 200 - 599ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:34"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:34"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:37"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:38"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:39"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:42"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:42"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:44"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:47"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:47"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:48"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:49"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:52"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:53"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:53"} -{"level":"info","message":"GET /chat-sessions 404 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:54"} -{"level":"info","message":"GET /popular-topics 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:54"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:55"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:26:58"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:00"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:02"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:02"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:02"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:02"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:02"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:02"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:03"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:05"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:07"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:07"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:08"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:10"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:12"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:13"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:15"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:17"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:17"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:19"} -{"level":"info","message":"GET /chat-sessions 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:20"} -{"level":"info","message":"GET /colors 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:22"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:24"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:25"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:27"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:29"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:29"} -{"level":"info","message":"GET /colors 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:29"} -{"level":"info","message":"GET /hospital/229 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:29"} -{"level":"info","message":"GET /229 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:29"} -{"level":"info","message":"GET /hospital/229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:29"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:29"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:30"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:30"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:30"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:30"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:30"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:30"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:32"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:34"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:34"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:35"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:35"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:37"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:39"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:40"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:40"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:42"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:44"} -{"level":"info","message":"GET /chat-sessions 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:44"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:45"} -{"level":"info","message":"GET /chat/1 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:47"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:49"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:50"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:50"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:52"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:54"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:55"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:57"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:27:59"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:02"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:04"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:05"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:09"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:10"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:12"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:14"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:15"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:18"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:19"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:20"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:23"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:24"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:28"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:29"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:30"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:33"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:34"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:35"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:35"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:38"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:39"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:43"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:44"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:45"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:46"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:50"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:55"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:55"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:56"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:28:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:00"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:01"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:03"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:05"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:05"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:06"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:08"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:10"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:10"} -{"level":"info","message":"GET /chat/1 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:11"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:13"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:15"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:15"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:17"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:18"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:20"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:20"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:22"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:23"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:25"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:25"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:27"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:28"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:30"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:30"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:33"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:35"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:35"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:38"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:43"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:45"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:45"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:48"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:50"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:50"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:52"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:53"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:55"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:57"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:29:58"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:00"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:03"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:05"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:05"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:07"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:08"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:10"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:13"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:48"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:30:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:31:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:31:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:31:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:31:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:31:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:31:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:31:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:31:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:31:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:31:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:31:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:31:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:31:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:49"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:54"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:32:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:24"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:40"} -{"level":"info","message":"GET /hospital-users/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:40"} -{"level":"info","message":"GET /public-signup/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:40"} -{"level":"info","message":"GET /public-signup/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:40"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:40"} -{"level":"info","message":"PUT /public-signup/229 200 - 650ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:44"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:44"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:45"} -{"level":"info","message":"PUT /public-signup/229 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:49"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:55"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:55"} -{"level":"info","message":"GET /public-signup/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:55"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:55"} -{"level":"info","message":"GET /public-signup/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:55"} -{"level":"info","message":"GET /hospital-users/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:55"} -{"level":"info","message":"PUT /public-signup/229 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:57"} -{"level":"info","message":"PUT /public-signup/229 200 - 216ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:33:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:09"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:14"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:17"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:17"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:17"} -{"level":"info","message":"GET /public-signup/229 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:17"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:17"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:17"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:17"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:17"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:17"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:22"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:32"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:44"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:49"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:51"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:54"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:54"} -{"level":"info","message":"GET /colors 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:34:59"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:14"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:19"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:37"} -{"level":"info","message":"POST /login 200 - 132ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:40"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:41"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:41"} -{"level":"info","message":"GET /popular-topics 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:45"} -{"level":"info","message":"PUT /public-signup/229 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:47"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:50"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:55"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:35:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:00"} -{"level":"info","message":"POST /login 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:02"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:05"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:20"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:32"} -{"level":"info","message":"PUT /public-signup/229 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:47"} -{"level":"info","message":"POST /login 200 - 178ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:50"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:52"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:53"} -{"level":"info","message":"GET /popular-topics 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:53"} -{"level":"info","message":"GET /chat-sessions 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:53"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:55"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:36:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:05"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:10"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:15"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:20"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:22"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:25"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:30"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:50"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:55"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:37:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:02"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:05"} -{"level":"info","message":"POST /app-user/submit 201 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:06"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:10"} -{"level":"info","message":"GET /hospital/received 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:11"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:11"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:15"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:20"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:25"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:30"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:50"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:55"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:38:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:05"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:12"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:12"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:12"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:12"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:12"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:12"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:12"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:12"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:17"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:26"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:31"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:36"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:41"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:46"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:56"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:39:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:02"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:16"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:17"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:40:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:16"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:21"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:32"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:34"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:36"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:37"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:37"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:38"} -{"level":"info","message":"GET /public-signup/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:38"} -{"level":"info","message":"GET /hospital-users/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:38"} -{"level":"info","message":"GET /public-signup/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:38"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:38"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:42"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:46"} -{"level":"info","message":"POST /login 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:47"} -{"level":"info","message":"POST /login 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:52"} -{"level":"info","message":"GET /refresh-token/835/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:52"} -{"level":"info","message":"POST /get-access-token 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:52"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:52"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:52"} -{"level":"info","message":"GET /835 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:56"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:57"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:41:57"} -{"level":"info","message":"PUT /update-password/835 200 - 193ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:01"} -{"level":"info","message":"POST /add 201 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:02"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:07"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:07"} -{"level":"info","message":"POST /upload-profile-photo 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:08"} -{"level":"info","message":"POST /add 200 - 109ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:09"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:11"} -{"level":"info","message":"PUT /update/231 200 - 116ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:12"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:12"} -{"level":"info","message":"POST /add 200 - 250ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:12"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:13"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:14"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:16"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:16"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:17"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:17"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:17"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:17"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:17"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:17"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:18"} -{"level":"info","message":"GET /231 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:19"} -{"level":"info","message":"GET /231 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:19"} -{"level":"info","message":"GET /231 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:19"} -{"level":"info","message":"GET /231 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:19"} -{"level":"info","message":"GET /231 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:20"} -{"level":"info","message":"GET /231 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:20"} -{"level":"info","message":"GET /231 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:20"} -{"level":"info","message":"GET /231 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:20"} -{"level":"info","message":"GET /hospital/received 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:20"} -{"level":"info","message":"GET /231 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:20"} -{"level":"info","message":"GET /hospital/received 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:20"} -{"level":"info","message":"GET /231 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:20"} -{"level":"info","message":"GET /231 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:20"} -{"level":"info","message":"GET /231 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:20"} -{"level":"info","message":"GET /231 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:21"} -{"level":"info","message":"GET /231 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:21"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:21"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:21"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:22"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:23"} -{"level":"info","message":"GET /231 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:23"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:25"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:25"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:27"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:27"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:27"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:32"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:37"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:41"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:44"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:50"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:52"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:42:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:01"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:02"} -{"level":"info","message":"POST /hospital-users/login 401 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:07"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:12"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:17"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:22"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:22"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:26"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:26"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:27"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:27"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:30"} -{"level":"info","message":"GET /refresh-token/833/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:31"} -{"level":"info","message":"POST /get-access-token 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:31"} -{"level":"info","message":"POST /login 200 - 155ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:31"} -{"level":"info","message":"GET /833 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:32"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:33"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:35"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:35"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:36"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:36"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:36"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:36"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:36"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:36"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:36"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:37"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:37"} -{"level":"info","message":"GET /hospital/received 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:37"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:37"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:41"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:42"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:43:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:07"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:09"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:09"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:09"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:09"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:09"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:09"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:14"} -{"level":"info","message":"GET /refresh-token/124/6 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:14"} -{"level":"info","message":"GET /229 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:14"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:14"} -{"level":"info","message":"POST /refresh 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:14"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:14"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:15"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:15"} -{"level":"info","message":"GET /users/active 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:15"} -{"level":"info","message":"POST /hospitals/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:15"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:15"} -{"level":"info","message":"GET /users/active 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:17"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:22"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:25"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:37"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:47"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:57"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:44:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:07"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:17"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:22"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:27"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:28"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:30"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:32"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:35"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:37"} -{"level":"info","message":"GET /229 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:47"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:45:57"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:02"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:07"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:12"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:22"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:27"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:32"} -{"level":"info","message":"GET /colors 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:35"} -{"level":"info","message":"GET /hospital/received 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:35"} -{"level":"info","message":"GET /hospital/received 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:35"} -{"level":"info","message":"GET /229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:35"} -{"level":"info","message":"GET /229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:35"} -{"level":"info","message":"GET /229 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:36"} -{"level":"info","message":"GET /229 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:36"} -{"level":"info","message":"GET /229 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:36"} -{"level":"info","message":"GET /229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:36"} -{"level":"info","message":"GET /229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:37"} -{"level":"info","message":"GET /229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:37"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:41"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:42"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:53"} -{"level":"info","message":"GET /hospital/received 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:55"} -{"level":"info","message":"GET /hospital/received 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:55"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:55"} -{"level":"info","message":"GET /229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:57"} -{"level":"info","message":"GET /229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:57"} -{"level":"info","message":"GET /229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:57"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:58"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:58"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:58"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:59"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:59"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:46:59"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:03"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:08"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:10"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:28"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:33"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:38"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:48"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:53"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:53"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:56"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:56"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:56"} -{"level":"info","message":"POST /refresh 200 - 201ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:57"} -{"level":"info","message":"POST /login 200 - 159ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:57"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:57"} -{"level":"info","message":"GET /users/active 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:57"} -{"level":"info","message":"POST /hospitals/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:58"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:47:59"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:08"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:09"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:23"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:28"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:33"} -{"level":"info","message":"GET /list 200 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:33"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:35"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:35"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:38"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:38"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:38"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:38"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:38"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:39"} -{"level":"info","message":"GET /hospital/received 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:39"} -{"level":"info","message":"GET /hospital/received 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:39"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:39"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:40"} -{"level":"info","message":"POST /hospital/forward 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:43"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:46"} -{"level":"info","message":"POST /hospital/forward 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:48"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:53"} -{"level":"info","message":"GET /colors 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:55"} -{"level":"info","message":"POST /hospital/forward 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:56"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:56"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:48:58"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:03"} -{"level":"info","message":"POST /create-hospital 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:03"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:08"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:13"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:18"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:18"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:21"} -{"level":"info","message":"POST /hospital/forward 200 - 121ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:23"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:25"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:28"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:30"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:33"} -{"level":"info","message":"GET /hospital/received 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:34"} -{"level":"info","message":"GET /colors 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:34"} -{"level":"info","message":"GET /hospital/received 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:34"} -{"level":"info","message":"GET /229 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:34"} -{"level":"info","message":"GET /229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:34"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:34"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:35"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:35"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:35"} -{"level":"info","message":"GET /229 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:38"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:39"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:39"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:48"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:49:59"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:01"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:14"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:19"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:24"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:24"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:24"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:24"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:25"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:26"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:26"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:29"} -{"level":"info","message":"GET /229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:30"} -{"level":"info","message":"GET /public-signup/229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:30"} -{"level":"info","message":"GET /hospital-users/229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:30"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:30"} -{"level":"info","message":"GET /hospital-users/229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:30"} -{"level":"info","message":"GET /public-signup/229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:30"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:30"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:35"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:35"} -{"level":"info","message":"GET /colors 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:41"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:50:46"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:01"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:06"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:11"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:21"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:26"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:31"} -{"level":"info","message":"GET /hospital/received 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:36"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:36"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:36"} -{"level":"info","message":"GET /hospital/received 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:37"} -{"level":"info","message":"GET /229 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:37"} -{"level":"info","message":"GET /229 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:37"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:37"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:37"} -{"level":"info","message":"GET /229 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:37"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:37"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:51:42"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:52:17"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:52:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:52:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:52:38"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:52:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:52:58"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:53:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:53:37"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:53:38"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:54:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:54:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:54:38"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:54:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:55:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:55:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:55:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:55:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:55:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:55:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:55:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:55:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:55:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:55:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:55:58"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:01"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:03"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:08"} -{"level":"info","message":"GET /hospital/received 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:10"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:10"} -{"level":"info","message":"GET /hospital/received 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:11"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:11"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:11"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:11"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:11"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:11"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:13"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:16"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:43"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:56:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:12"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:17"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:28"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:33"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:37"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:38"} -{"level":"info","message":"POST /create-hospital 500 - 161ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:40"} -{"level":"info","message":"GET /colors 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:42"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:42"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:43"} -{"level":"info","message":"GET /owa/auth/logon.aspx 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:53"} -{"level":"info","message":"POST /create-hospital 201 - 2854ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:57"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:57:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:03"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:08"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:13"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:15"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:15"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:15"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:16"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:16"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:16"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:18"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:33"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:48"} -{"level":"info","message":"GET /hospital/received 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:50"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:50"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:55"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:58:58"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 17:59:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:08"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:23"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:34"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:44"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:49"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:00:59"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:09"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:14"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:19"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:39"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:44"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:01:59"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:14"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:19"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:30"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:50"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:55"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:02:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:05"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:25"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:48"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:50"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:53"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:55"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:03:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:05"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:14"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:15"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:17"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:19"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:20"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:41"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:49"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:49"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:51"} -{"level":"info","message":"GET /list 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:53"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:58"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:04:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:04"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:09"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:14"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:19"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:21"} -{"level":"info","message":"GET /list 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:24"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:39"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:44"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:50"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:54"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:05:59"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:09"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:14"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:16"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:19"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:21"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:25"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:31"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:34"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:44"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:49"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:51"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:59"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:59"} -{"level":"info","message":"GET /users/active 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:59"} -{"level":"info","message":"POST /hospitals/active 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:06:59"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:06"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:06"} -{"level":"info","message":"GET /users/active 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:06"} -{"level":"info","message":"GET /colors 403 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:06"} -{"level":"info","message":"POST /hospitals/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:07"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:12"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:17"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:27"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:32"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:37"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:07:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:17"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:41"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:52"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:57"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:08:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:02"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:07"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:12"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:13"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:23"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:25"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:27"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:30"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:30"} -{"level":"info","message":"GET /users/active 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:30"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:30"} -{"level":"info","message":"GET /users/active 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:31"} -{"level":"info","message":"POST /hospitals/active 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:50"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:09:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:09"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:12"} -{"level":"info","message":"POST /create-hospital 201 - 2935ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:12"} -{"level":"info","message":"GET /list 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:34"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:10:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:54"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:11:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:43"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:45"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:48"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:12:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:10"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:13"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:19"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:35"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:36"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:39"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:52"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:54"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:13:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:37"} -{"level":"info","message":"POST /create-hospital 201 - 3899ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:40"} -{"level":"info","message":"GET /list 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:52"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:14:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:06"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:16"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:21"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:41"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:51"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:15:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:06"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:54"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:16:58"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:03"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:13"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:23"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:33"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:38"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:43"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:53"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:17:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:18"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:28"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:33"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:48"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:53"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:58"} -{"level":"info","message":"POST /send-temp-password 200 - 2560ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:18:58"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:03"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:08"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:13"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:54"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:19:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:34"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:39"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:39"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:44"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:49"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:54"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:20:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:04"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:05"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:20"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:29"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:30"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:35"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:40"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:50"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:21:55"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:22:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:22:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:22:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:22:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:22:20"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:22:25"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:22:30"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:22:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:22:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:22:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:22:50"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:22:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:22:56"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:23:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:23:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:23:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:23:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:23:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:23:26"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:23:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:23:36"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:23:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:23:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:23:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:23:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:23:56"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:24:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:24:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:24:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:24:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:24:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:24:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:24:31"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:24:36"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:24:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:24:47"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:24:52"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:24:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:24:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:25:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:25:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:25:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:25:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:25:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:25:27"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:25:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:25:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:25:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:25:47"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:25:52"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:25:57"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:25:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:12"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:48"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:49"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:51"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:53"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:26:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:27:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:28:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:28:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:28:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:28:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:28:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:28:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:28:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:28:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:28:44"} -{"level":"info","message":"POST /send-temp-password 200 - 3415ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:28:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:28:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:28:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:28:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:28:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:29:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:29:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:29:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:29:19"} -{"level":"info","message":"POST /send-temp-password 200 - 3203ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:29:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:29:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:29:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:29:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:29:39"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:29:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:29:49"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:29:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:29:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:30:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:30:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:30:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:30:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:30:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:30:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:30:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:30:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:30:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:30:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:30:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:30:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:31:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:31:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:31:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:31:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:31:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:31:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:31:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:31:36"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:31:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:31:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:31:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:31:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:01"} -{"level":"info","message":"POST /send-temp-password 200 - 3228ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:16"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:32:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:37"} -{"level":"info","message":"GET /list 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:38"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:47"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:48"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:33:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:22"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:34:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:03"} -{"level":"info","message":"POST /send-temp-password 200 - 2927ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:08"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:33"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:35:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:09"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:14"} -{"level":"info","message":"POST /hospital-users/login 401 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:24"} -{"level":"info","message":"POST /hospital-users/login 401 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:39"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:49"} -{"level":"info","message":"POST /hospital-users/login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:54"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:54"} -{"level":"info","message":"GET /refresh-token/503/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:54"} -{"level":"info","message":"POST /get-access-token 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:54"} -{"level":"info","message":"POST /login 200 - 156ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:55"} -{"level":"info","message":"GET /503 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:55"} -{"level":"info","message":"GET /93 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:57"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:57"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:57"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:57"} -{"level":"info","message":"GET /93 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:57"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:57"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:57"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:57"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:57"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:57"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:36:59"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:02"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:02"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:02"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:09"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:10"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:11"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:11"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:11"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:11"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:11"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:11"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:11"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:11"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:37:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:38:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:38:05"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:38:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:38:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:38:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:38:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:38:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:38:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:38:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:38:45"} -{"level":"info","message":"POST /change-password 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:38:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:38:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:38:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:39:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:39:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:39:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:39:16"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:39:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:39:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:39:31"} -{"level":"info","message":"POST /change-password 200 - 263ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:40:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:11"} -{"level":"info","message":"GET /refresh-token/503/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:11"} -{"level":"info","message":"POST /get-access-token 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:11"} -{"level":"info","message":"POST /login 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:11"} -{"level":"info","message":"GET /503 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:11"} -{"level":"info","message":"GET /93 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:11"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:11"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:11"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:11"} -{"level":"info","message":"GET /93 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:13"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:13"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:13"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:13"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:13"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:13"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:13"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:13"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:13"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:13"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:13"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:13"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:17"} -{"level":"info","message":"GET /93 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:19"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:19"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:19"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:21"} -{"level":"info","message":"GET /users/active 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:21"} -{"level":"info","message":"POST /hospitals/active 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:41:22"} -{"level":"info","message":"POST /send-otp 200 - 2445ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:42:00"} -{"level":"info","message":"POST /send-otp 200 - 2442ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:42:02"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:42:12"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:42:14"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:04"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:04"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:04"} -{"level":"info","message":"POST /refresh 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:04"} -{"level":"info","message":"POST /login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:04"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:05"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:07"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:12"} -{"level":"info","message":"GET /93 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:12"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:17"} -{"level":"info","message":"POST /send-otp 200 - 3024ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:42"} -{"level":"info","message":"POST /send-otp 200 - 2906ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:44"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:52"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:54"} -{"level":"info","message":"GET /users/active 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:54"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:54"} -{"level":"info","message":"GET /users/active 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:55"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:55"} -{"level":"info","message":"POST /hospitals/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:43:55"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:04"} -{"level":"info","message":"GET /users/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:04"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:04"} -{"level":"info","message":"GET /users/active 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:04"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:05"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:12"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:14"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:57"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:57"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:57"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:57"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:44:57"} -{"level":"info","message":"PUT /change-password 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:00"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:04"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:04"} -{"level":"info","message":"GET /users/active 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:04"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:04"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:04"} -{"level":"info","message":"POST /hospital-users/login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:06"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:06"} -{"level":"info","message":"POST /get-access-token 200 - 164ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:06"} -{"level":"info","message":"POST /login 200 - 183ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:07"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:07"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:11"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:12"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:12"} -{"level":"info","message":"GET /93 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:14"} -{"level":"info","message":"PUT /change-password 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:15"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:16"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:16"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:17"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:27"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:27"} -{"level":"info","message":"POST /get-access-token 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:27"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:27"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:27"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:31"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:31"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:31"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:31"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:31"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:31"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:36"} -{"level":"info","message":"PUT /change-password 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:46"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:46"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:47"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:47"} -{"level":"info","message":"GET /users/active 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:47"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:47"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:47"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:47"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:48"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:51"} -{"level":"info","message":"PUT /update/229 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:54"} -{"level":"info","message":"PUT /edit-user/833 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:54"} -{"level":"info","message":"GET /229 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:45:54"} -{"level":"info","message":"PUT /change-password 200 - 137ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:04"} -{"level":"info","message":"POST /hospital-users/login 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:06"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:06"} -{"level":"info","message":"POST /get-access-token 200 - 151ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:06"} -{"level":"info","message":"POST /login 200 - 201ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:07"} -{"level":"info","message":"GET /833 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:07"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:11"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:11"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:12"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:12"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:14"} -{"level":"info","message":"GET /hospital/received 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:14"} -{"level":"info","message":"GET /229 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:14"} -{"level":"info","message":"GET /hospital/received 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:15"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:15"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:16"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:17"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:17"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:17"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:17"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:17"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:23"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:24"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:24"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:24"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:25"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:25"} -{"level":"info","message":"GET /users/active 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:25"} -{"level":"info","message":"GET /users/active 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:25"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:26"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:26"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:29"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:30"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:39"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:39"} -{"level":"info","message":"POST /get-access-token 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:39"} -{"level":"info","message":"POST /login 200 - 138ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:40"} -{"level":"info","message":"GET /833 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:40"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:44"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:46:52"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:12"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:14"} -{"level":"info","message":"PUT /update/229 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:20"} -{"level":"info","message":"PUT /edit-user/833 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:20"} -{"level":"info","message":"POST /login 200 - 140ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:20"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:24"} -{"level":"info","message":"GET /chat-sessions 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:24"} -{"level":"info","message":"GET /popular-topics 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:24"} -{"level":"info","message":"GET /chat/1 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:28"} -{"level":"info","message":"GET /chat/1 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:32"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:38"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:38"} -{"level":"info","message":"POST /get-access-token 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:39"} -{"level":"info","message":"POST /login 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:39"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:39"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:43"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:44"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:48"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:55"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:55"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:55"} -{"level":"info","message":"GET /users/active 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:55"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:56"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:56"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:56"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:56"} -{"level":"info","message":"GET /users/active 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:56"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:47:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:00"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:20"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:20"} -{"level":"info","message":"POST /get-access-token 200 - 105ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:20"} -{"level":"info","message":"POST /login 200 - 102ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:20"} -{"level":"info","message":"GET /833 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:21"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:25"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:30"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:41"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:41"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:41"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:48:47"} -{"level":"info","message":"GET /93 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:49:12"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:49:12"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:49:43"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:06"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:07"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:10"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:10"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:10"} -{"level":"info","message":"GET /users/active 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:10"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:10"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:12"} -{"level":"info","message":"POST /login 200 - 259ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:22"} -{"level":"info","message":"POST /forgot-pin 200 - 3153ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:30"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:37"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:42"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:50:43"} -{"level":"info","message":"GET /93 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:51:12"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:51:12"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:51:43"} -{"level":"info","message":"POST /forgot-pin 200 - 3000ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:51:55"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:52:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:52:43"} -{"level":"info","message":"POST /forgot-pin 200 - 2949ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:53:05"} -{"level":"info","message":"GET /93 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:53:12"} -{"level":"info","message":"GET /93 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:53:12"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:53:43"} -{"level":"info","message":"POST /forgot-pin 200 - 2836ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:54:12"} -{"level":"info","message":"GET /93 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:54:12"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:54:43"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:55:12"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:55:12"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:55:54"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:56:12"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:56:54"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:57:12"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:57:12"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:57:54"} -{"level":"info","message":"GET /appuser_status 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:57:59"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:58:12"} -{"level":"info","message":"POST /verify-pin 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:58:19"} -{"level":"info","message":"GET /chat-sessions 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:58:20"} -{"level":"info","message":"GET /popular-topics 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:58:20"} -{"level":"info","message":"POST /login 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:58:41"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:58:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:58:54"} -{"level":"info","message":"GET /93 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:12"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:12"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:12"} -{"level":"info","message":"POST /get-access-token 200 - 109ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:12"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:12"} -{"level":"info","message":"GET /833 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:12"} -{"level":"info","message":"GET /public-signup/229 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:20"} -{"level":"info","message":"GET /hospital-users/229 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:20"} -{"level":"info","message":"GET /public-signup/229 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:20"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:21"} -{"level":"info","message":"POST /login 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:28"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:32"} -{"level":"info","message":"GET /chat-sessions 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:32"} -{"level":"info","message":"GET /popular-topics 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:32"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 18:59:54"} -{"level":"info","message":"GET /chat-sessions 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:00:01"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:00:12"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:00:54"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:12"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:33"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:33"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:33"} -{"level":"info","message":"POST /refresh 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:34"} -{"level":"info","message":"POST /login 200 - 135ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:34"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:34"} -{"level":"info","message":"GET /users/active 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:35"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:35"} -{"level":"info","message":"POST /hospitals/active 200 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:35"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:35"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:38"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:57"} -{"level":"info","message":"GET /users/active 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:57"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:57"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:57"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:58"} -{"level":"info","message":"GET /users/active 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:58"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 42ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:58"} -{"level":"info","message":"GET /users/active 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:58"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:58"} -{"level":"info","message":"POST /hospitals/active 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:01:58"} -{"level":"info","message":"GET /list 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:03"} -{"level":"info","message":"GET /list 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:03"} -{"level":"info","message":"GET /93 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:12"} -{"level":"info","message":"POST /login 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:18"} -{"level":"info","message":"POST /login 400 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:18"} -{"level":"info","message":"GET /users/active 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:22"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:22"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:22"} -{"level":"info","message":"GET /users/active 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:22"} -{"level":"info","message":"POST /hospitals/active 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:22"} -{"level":"info","message":"GET /list 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:39"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:41"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:41"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:41"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:41"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:41"} -{"level":"info","message":"POST /hospitals/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:02:41"} -{"level":"info","message":"GET /93 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:03:12"} -{"level":"info","message":"GET /93 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:03:12"} -{"level":"info","message":"POST /hospitals/active 200 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:03:29"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 52ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:03:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:03:29"} -{"level":"info","message":"GET /users/active 200 - 38ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:03:29"} -{"level":"info","message":"GET /93 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:04:12"} -{"level":"info","message":"GET /93 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:05:12"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:05:12"} -{"level":"info","message":"POST /hospitals/active 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:05:49"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:05:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:05:49"} -{"level":"info","message":"GET /users/active 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:05:49"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:06:04"} -{"level":"info","message":"POST /hospitals/active 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:06:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:06:04"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:06:04"} -{"level":"info","message":"GET /93 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:06:12"} -{"level":"info","message":"POST /hospitals/active 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:06:26"} -{"level":"info","message":"GET /users/active 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:06:26"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:06:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:06:26"} -{"level":"info","message":"POST /hospitals/active 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:06:34"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:06:34"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:06:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:06:34"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:07:21"} -{"level":"info","message":"GET /list 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:07:21"} -{"level":"info","message":"PUT /update/230 400 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:09:39"} -{"level":"info","message":"PUT /update/231 400 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:09:49"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:09:59"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:09:59"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:09:59"} -{"level":"info","message":"POST /refresh 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:09:59"} -{"level":"info","message":"POST /login 200 - 136ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:09:59"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:10:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:10:00"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:10:00"} -{"level":"info","message":"GET /users/active 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:10:00"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:10:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:10:00"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:10:00"} -{"level":"info","message":"GET /list 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:10:02"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:10:02"} -{"level":"info","message":"PUT /update/236 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:10:11"} -{"level":"info","message":"PUT /update/230 400 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:10:24"} -{"level":"info","message":"PUT /update/230 400 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:10:37"} -{"level":"info","message":"PUT /update/230 400 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:11:12"} -{"level":"info","message":"PUT /update/230 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:11:56"} -{"level":"info","message":"PUT /update/230 400 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:12:20"} -{"level":"info","message":"PUT /update/230 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:13:06"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:13:46"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:13:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:13:46"} -{"level":"info","message":"GET /users/active 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:13:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:13:46"} -{"level":"info","message":"GET /users/active 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:13:46"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:13:46"} -{"level":"info","message":"GET /list 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:13:52"} -{"level":"info","message":"GET /list 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:13:52"} -{"level":"info","message":"PUT /update/230 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:13"} -{"level":"info","message":"PUT /update/230 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:19"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:24"} -{"level":"info","message":"GET /users/active 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:24"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:25"} -{"level":"info","message":"GET /users/active 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:25"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:33"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:33"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:33"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:33"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:33"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:33"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:46"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:46"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:48"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:48"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:48"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:48"} -{"level":"info","message":"POST /hospitals/active 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:14:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 401 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:15"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:21"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:24"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:24"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:24"} -{"level":"info","message":"POST /refresh 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:24"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:24"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:25"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:25"} -{"level":"info","message":"GET /users/active 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:33"} -{"level":"info","message":"GET /list 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:43"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:50"} -{"level":"info","message":"POST /hospitals/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:50"} -{"level":"info","message":"GET /users/active 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:16:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:08"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:10"} -{"level":"info","message":"GET /refresh-token/839/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:10"} -{"level":"info","message":"POST /get-access-token 200 - 141ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:10"} -{"level":"info","message":"POST /login 200 - 133ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:10"} -{"level":"info","message":"GET /839 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:11"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:13"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:19"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:24"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:26"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:26"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:26"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:26"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:26"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:29"} -{"level":"info","message":"PUT /update-password/839 200 - 205ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:33"} -{"level":"info","message":"POST /add 201 - 109ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:33"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:34"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:39"} -{"level":"info","message":"POST /upload-profile-photo 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:40"} -{"level":"info","message":"POST /add 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:40"} -{"level":"info","message":"PUT /update/236 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:41"} -{"level":"info","message":"POST /add 200 - 154ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:41"} -{"level":"info","message":"POST /hospitals/active 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:42"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:42"} -{"level":"info","message":"GET /users/active 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:42"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:44"} -{"level":"info","message":"GET /236 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:46"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:46"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:46"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:46"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:46"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:46"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:46"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:46"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:48"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:52"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:52"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:54"} -{"level":"info","message":"POST /hospitals/active 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:54"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:54"} -{"level":"info","message":"GET /users/active 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:54"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:58"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:17:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:13"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:14"} -{"level":"info","message":"POST /hospitals/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:14"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:17"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:17"} -{"level":"info","message":"GET /users/active 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:17"} -{"level":"info","message":"POST /hospitals/active 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:28"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:32"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:32"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:38"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:43"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:18:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:23"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:28"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:31"} -{"level":"info","message":"GET /users/active 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:31"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:31"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:31"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:43"} -{"level":"info","message":"GET /236 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:53"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:55"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:55"} -{"level":"info","message":"POST /hospitals/active 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:55"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:19:58"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:13"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:19"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:24"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:34"} -{"level":"info","message":"GET / 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:42"} -{"level":"info","message":"GET /users/active 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:42"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:42"} -{"level":"info","message":"POST /hospitals/active 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:42"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:44"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:20:59"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:09"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:14"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:15"} -{"level":"info","message":"POST /hospitals/active 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:15"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:24"} -{"level":"info","message":"POST /hospitals/active 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:25"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:25"} -{"level":"info","message":"GET /users/active 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:29"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:39"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:44"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:48"} -{"level":"info","message":"POST /hospitals/active 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:48"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:48"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:49"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:49"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:49"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:54"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:21:59"} -{"level":"info","message":"GET /users/active 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:01"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:01"} -{"level":"info","message":"POST /hospitals/active 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:04"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:06"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:06"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:06"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:09"} -{"level":"info","message":"POST /hospitals/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:11"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:11"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:11"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:19"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:19"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:19"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:29"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:34"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:44"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:45"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:53"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:53"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:53"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:53"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:53"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:53"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:22:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:04"} -{"level":"info","message":"POST /hospitals/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:09"} -{"level":"info","message":"POST /hospitals/active 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:14"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:34"} -{"level":"info","message":"POST /hospitals/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:44"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:23:49"} -{"level":"info","message":"POST /hospitals/active 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:24:50"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:24:50"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:24:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:24:50"} -{"level":"info","message":"POST /hospitals/active 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:25:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:25:05"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:25:05"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:25:05"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:25:12"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:26:12"} -{"level":"info","message":"POST /hospitals/active 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:26:28"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:26:28"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:26:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:26:28"} -{"level":"info","message":"POST /hospitals/active 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:26:46"} -{"level":"info","message":"GET /users/active 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:26:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:26:46"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:26:46"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:27:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:04"} -{"level":"info","message":"GET /users/active 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:04"} -{"level":"info","message":"POST /hospitals/active 200 - 45ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:04"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 224ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:05"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:24"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:26"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:41"} -{"level":"info","message":"GET /users/active 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:41"} -{"level":"info","message":"POST /hospitals/active 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:41"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 200ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:41"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:48"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:48"} -{"level":"info","message":"POST /hospitals/active 200 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:48"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 235ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:28:48"} -{"level":"info","message":"GET /users/active 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:29:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:29:24"} -{"level":"info","message":"POST /hospitals/active 200 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:29:24"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 220ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:29:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:29:50"} -{"level":"info","message":"POST /hospitals/active 200 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:29:50"} -{"level":"info","message":"GET /users/active 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:29:50"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 198ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:29:50"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:30:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:11"} -{"level":"info","message":"GET /users/active 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:11"} -{"level":"info","message":"GET /users/active 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:11"} -{"level":"info","message":"POST /hospitals/active 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:11"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 225ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:11"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 183ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:11"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:26"} -{"level":"info","message":"GET /users/active 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:26"} -{"level":"info","message":"POST /hospitals/active 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:26"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 246ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:26"} -{"level":"info","message":"GET /users/active 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:54"} -{"level":"info","message":"POST /hospitals/active 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:54"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 237ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:31:54"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:32:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:32:23"} -{"level":"info","message":"GET /users/active 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:32:23"} -{"level":"info","message":"POST /hospitals/active 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:32:23"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 237ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:32:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:32:46"} -{"level":"info","message":"GET /users/active 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:32:46"} -{"level":"info","message":"POST /hospitals/active 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:32:46"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 253ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:32:46"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:33:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:34:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:34:09"} -{"level":"info","message":"GET /users/active 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:34:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:34:09"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:34:09"} -{"level":"info","message":"POST /hospitals/active 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:34:09"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 251ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:34:09"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 191ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:34:09"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:34:12"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:04"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:05"} -{"level":"info","message":"GET /users/active 304 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:05"} -{"level":"info","message":"GET /users/active 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:05"} -{"level":"info","message":"POST /hospitals/active 200 - 166ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:06"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 351ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:06"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 216ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:06"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:08"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:08"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:08"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:13"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:13"} -{"level":"info","message":"GET /users/active 200 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:13"} -{"level":"info","message":"POST /hospitals/active 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:13"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 288ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:13"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:18"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:28"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:33"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:43"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:35:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:36:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:36:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:36:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:36:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:36:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:36:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:36:33"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:36:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:36:43"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:36:49"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:36:54"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:36:59"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:37:04"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:37:09"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:37:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:37:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:37:19"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:37:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:37:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:37:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:37:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:37:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:37:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:37:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:37:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:38:04"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:38:09"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:38:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:38:14"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:38:19"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:38:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:38:29"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:38:49"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:38:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:38:54"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 19:39:47"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 19:39:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:39:58"} -{"level":"info","message":"GET /users/active 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:39:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:39:58"} -{"level":"info","message":"POST /hospitals/active 200 - 44ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:39:58"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 206ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:39:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:08"} -{"level":"info","message":"GET /colors 403 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:13"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:28"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:33"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:38"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:43"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:53"} -{"level":"info","message":"GET /users/active 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:56"} -{"level":"info","message":"GET /users/active 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:56"} -{"level":"info","message":"POST /hospitals/active 200 - 127ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:56"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 286ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:56"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 203ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:56"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:40:58"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:03"} -{"level":"info","message":"GET /chat-sessions 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:08"} -{"level":"info","message":"GET /236 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:18"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:43"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:44"} -{"level":"info","message":"GET /chat/2 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:46"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:41:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:42:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:42:08"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:42:12"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:42:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:42:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:42:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:42:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:42:33"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:42:38"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:42:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:42:48"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:42:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:42:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:03"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:08"} -{"level":"info","message":"GET /chat/2 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:10"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:23"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:39"} -{"level":"info","message":"GET /users/active 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:41"} -{"level":"info","message":"POST /hospitals/active 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:41"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 267ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:49"} -{"level":"info","message":"GET /users/active 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:50"} -{"level":"info","message":"POST /hospitals/active 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:50"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 250ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:50"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:43:59"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:04"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:09"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:22"} -{"level":"info","message":"GET /users/active 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:22"} -{"level":"info","message":"POST /hospitals/active 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:22"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 247ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:36"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:36"} -{"level":"info","message":"POST /hospitals/active 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:36"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 253ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:45"} -{"level":"info","message":"GET /users/active 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:45"} -{"level":"info","message":"POST /hospitals/active 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:45"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 238ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:48"} -{"level":"info","message":"GET /users/active 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:48"} -{"level":"info","message":"POST /hospitals/active 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:48"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 248ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:52"} -{"level":"info","message":"GET /users/active 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:52"} -{"level":"info","message":"POST /hospitals/active 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:52"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 262ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:44:52"} -{"level":"info","message":"POST /hospitals/active 200 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:45:09"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:45:12"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:45:39"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:45:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:45:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:46:07"} -{"level":"info","message":"GET /users/active 200 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:46:07"} -{"level":"info","message":"POST /hospitals/active 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:46:07"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 248ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:46:07"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:46:12"} -{"level":"info","message":"GET /users/active 200 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:46:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:46:47"} -{"level":"info","message":"POST /hospitals/active 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:46:47"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 245ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:46:47"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:47:12"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-07 19:47:15"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-07 19:47:17"} -{"level":"info","message":"POST /hospitals/active 200 - 49ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:47:38"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:47:47"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:47:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:47:56"} -{"level":"info","message":"GET /users/active 200 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:47:56"} -{"level":"info","message":"POST /hospitals/active 200 - 95ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:47:57"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 287ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:47:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:01"} -{"level":"info","message":"GET /api/analytics/hospitals/active 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:06"} -{"level":"info","message":"GET /api/analytics/hospitals/active 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:11"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:27"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:57"} -{"level":"info","message":"GET /api/analytics/hospitals/active 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:48:58"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:07"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:21"} -{"level":"info","message":"GET /users/active 200 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:21"} -{"level":"info","message":"POST /hospitals/active 200 - 117ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:21"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 262ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:22"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:37"} -{"level":"info","message":"POST /hospitals/active 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:38"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:42"} -{"level":"info","message":"POST /hospitals/active 200 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:47"} -{"level":"info","message":"GET /users/active 200 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:47"} -{"level":"info","message":"POST /hospitals/active 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:47"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 252ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:48"} -{"level":"info","message":"POST /hospitals/active 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:59"} -{"level":"info","message":"GET /users/active 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:59"} -{"level":"info","message":"POST /hospitals/active 200 - 46ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:59"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 225ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:49:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:00"} -{"level":"info","message":"GET /users/active 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:00"} -{"level":"info","message":"POST /hospitals/active 200 - 105ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:00"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 268ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:10"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:12"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:30"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:40"} -{"level":"info","message":"POST /hospitals/active 200 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:45"} -{"level":"info","message":"POST /hospitals/active 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:50:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:51:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:51:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:51:10"} -{"level":"info","message":"GET /236 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:51:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:51:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:51:20"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:51:25"} -{"level":"info","message":"GET /colors 403 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:51:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:51:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:51:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:51:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:51:51"} -{"level":"info","message":"POST /hospitals/active 200 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:51:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:51:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:52:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:52:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:52:11"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:52:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:52:16"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:52:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:52:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:52:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:52:36"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:52:47"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:52:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:52:54"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:53:47"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:03"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:08"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:09"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:09"} -{"level":"info","message":"GET /236 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:09"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:09"} -{"level":"info","message":"GET /236 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:09"} -{"level":"info","message":"GET /236 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:09"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:09"} -{"level":"info","message":"GET /236 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:09"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:09"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:09"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:09"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:09"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:09"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:14"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:14"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:14"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:14"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:19"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:21"} -{"level":"info","message":"GET /hospital/236 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:21"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:21"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:21"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:21"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:21"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:21"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:21"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:21"} -{"level":"info","message":"GET /hospital/236 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:22"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:22"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:22"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:24"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:24"} -{"level":"info","message":"GET /hospital-users/236 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:24"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:32"} -{"level":"info","message":"GET /users/active 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:32"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:32"} -{"level":"info","message":"POST /hospitals/active 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:32"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 253ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:37"} -{"level":"info","message":"POST /hospitals/active 200 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:47"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:54:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:55:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:55:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:55:12"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:55:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:55:22"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:55:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:55:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:55:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:55:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:55:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:55:47"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:55:52"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:55:57"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:56:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:56:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:56:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:56:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:56:22"} -{"level":"info","message":"GET /236 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:56:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:56:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:56:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:56:37"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:56:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:56:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:56:52"} -{"level":"info","message":"POST /hospitals/active 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:56:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:56:57"} -{"level":"info","message":"POST /hospitals/active 200 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:57:20"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:57:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:57:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:57:55"} -{"level":"info","message":"POST /hospital-users/login 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:23"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:23"} -{"level":"info","message":"POST /get-access-token 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:23"} -{"level":"info","message":"POST /login 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:23"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:25"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:29"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:29"} -{"level":"info","message":"POST /get-access-token 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:29"} -{"level":"info","message":"POST /login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:29"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:29"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:32"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:32"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:32"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:32"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:33"} -{"level":"info","message":"GET /hospital/received 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:33"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:47"} -{"level":"info","message":"GET /users/active 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:47"} -{"level":"info","message":"GET /users/active 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:47"} -{"level":"info","message":"POST /hospitals/active 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:47"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 260ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:47"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 188ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:58:47"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:59:25"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 19:59:34"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:00"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:20"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:30"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:44"} -{"level":"info","message":"GET /users/active 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:44"} -{"level":"info","message":"POST /hospitals/active 200 - 55ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:44"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 207ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:45"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:00:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:30"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:40"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:44"} -{"level":"info","message":"GET /refresh-token/405/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:44"} -{"level":"info","message":"POST /get-access-token 200 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:44"} -{"level":"info","message":"POST /login 200 - 132ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:01:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:02:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:02:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:02:10"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:02:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:02:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:02:20"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:02:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:02:30"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:02:34"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:02:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:02:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:02:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:02:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:02:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:03:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:03:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:03:10"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:03:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:03:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:03:21"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:03:26"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:03:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:03:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:03:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:03:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:03:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:03:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:03:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:04:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:04:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:04:11"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:04:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:04:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:04:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:04:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:04:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:04:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:04:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:04:41"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:04:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:04:51"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:04:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:05:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:05:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:05:11"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:05:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:05:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:05:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:05:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:05:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:05:36"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:05:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:05:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:05:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:05:51"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:05:56"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:06:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:06:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:06:11"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:06:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:06:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:06:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:06:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:06:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:06:36"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:06:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:06:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:06:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:06:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:06:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:07:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:07:06"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:07:11"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:07:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:07:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:07:21"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:07:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:07:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:07:36"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:07:37"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:07:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:07:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:07:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:07:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:12"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:12"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:52"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:08:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:07"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:42"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:47"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:09:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:07"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /hospital/received 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:45"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:10:50"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:12"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:28"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:28"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:28"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:28"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:29"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:36"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:11:49"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:31"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:51"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:51"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:51"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:51"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:51"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:51"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:12:56"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:28"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:28"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:33"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:33"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:33"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:33"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:43"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:43"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:43"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:43"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:43"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:43"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:48"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:51"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:51"} -{"level":"info","message":"GET /hospital/received 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:51"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:51"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:51"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:56"} -{"level":"info","message":"GET /users/active 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:57"} -{"level":"info","message":"GET /users/active 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:57"} -{"level":"info","message":"POST /hospitals/active 200 - 126ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:57"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 304ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:57"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 183ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:13:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:14:08"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:14:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:14:52"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:15:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:15:36"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:15:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:16:09"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:16:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:16:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:16:17"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:16:52"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 20:17:12"} -{"cpu":{"loadAvg":0.01,"usage":3.270599655249285},"errors":{},"level":"info","memory":{"external":21902116,"heapTotal":86433792,"heapUsed":82315880,"rss":168374272},"message":"Application metrics","requests":{"byEndpoint":{"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":222,"success":16,"total":238},"GET /get-forwarded-feedbacks":{"failed":0,"success":45,"total":45},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":11,"total":11},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /users/active":{"failed":0,"success":11,"total":11},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":0,"success":3,"total":3},"POST /hospitals/active":{"failed":0,"success":19,"total":19},"POST /login":{"failed":0,"success":3,"total":3}},"failed":226,"success":280,"total":506},"responseTime":{"avg":12.296442687747035,"max":304,"min":1},"service":"spurrinai-backend","timestamp":"2025-06-07T15:17:15.894Z"} -{"cpu":{"loadAvg":0,"usage":3.2152184822648593},"errors":{},"level":"info","memory":{"external":21960137,"heapTotal":86695936,"heapUsed":82431528,"rss":168636416},"message":"Application metrics","requests":{"byEndpoint":{"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":222,"success":16,"total":238},"GET /get-forwarded-feedbacks":{"failed":0,"success":45,"total":45},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":11,"total":11},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /users/active":{"failed":0,"success":11,"total":11},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":0,"success":3,"total":3},"POST /hospitals/active":{"failed":0,"success":19,"total":19},"POST /login":{"failed":0,"success":3,"total":3}},"failed":226,"success":280,"total":506},"responseTime":{"avg":12.296442687747035,"max":304,"min":1},"service":"spurrinai-backend","timestamp":"2025-06-07T16:17:15.893Z"} -{"cpu":{"loadAvg":0,"usage":3.1610654958518154},"errors":{},"level":"info","memory":{"external":22001774,"heapTotal":86695936,"heapUsed":82990688,"rss":169947136},"message":"Application metrics","requests":{"byEndpoint":{"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":222,"success":16,"total":238},"GET /get-forwarded-feedbacks":{"failed":0,"success":45,"total":45},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":11,"total":11},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /users/active":{"failed":0,"success":11,"total":11},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":0,"success":3,"total":3},"POST /hospitals/active":{"failed":0,"success":19,"total":19},"POST /login":{"failed":0,"success":3,"total":3}},"failed":226,"success":280,"total":506},"responseTime":{"avg":12.296442687747035,"max":304,"min":1},"service":"spurrinai-backend","timestamp":"2025-06-07T17:17:15.893Z"} -{"level":"info","message":"POST /hospital-users/login 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:24:52"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:25:01"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:25:06"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:25:18"} -{"level":"info","message":"GET /refresh-token/47/6 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:25:18"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:25:18"} -{"level":"info","message":"POST /refresh 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:25:18"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:25:18"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:25:19"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:25:28"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:26:05"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:26:59"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:26:59"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:26:59"} -{"level":"info","message":"POST /refresh 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:26:59"} -{"level":"info","message":"POST /login 200 - 181ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:26:59"} -{"level":"info","message":"GET /users/active 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:27:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:27:00"} -{"level":"info","message":"POST /hospitals/active 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:27:00"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:27:00"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 251ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:27:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:27:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:27:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:27:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:27:20"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:27:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:27:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:27:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:27:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:27:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:32:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:32:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:34:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:34:40"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:34:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:35:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:35:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:35:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:35:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:38:19"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:46:13"} -{"cpu":{"loadAvg":0,"usage":3.1089316658791972},"errors":{},"level":"info","memory":{"external":21817803,"heapTotal":82501632,"heapUsed":76147896,"rss":170340352},"message":"Application metrics","requests":{"byEndpoint":{"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":243,"success":16,"total":259},"GET /get-forwarded-feedbacks":{"failed":0,"success":46,"total":46},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":12,"total":12},"GET /list":{"failed":0,"success":2,"total":2},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/47/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /users/active":{"failed":0,"success":12,"total":12},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":4,"success":5,"total":9},"POST /hospitals/active":{"failed":0,"success":20,"total":20},"POST /login":{"failed":0,"success":5,"total":5},"POST /refresh":{"failed":0,"success":2,"total":2}},"failed":251,"success":296,"total":547},"responseTime":{"avg":13.118829981718465,"max":304,"min":1},"service":"spurrinai-backend","timestamp":"2025-06-07T18:17:15.895Z"} -{"level":"info","message":"POST /login 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:56:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:56:06"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:56:15"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:56:15"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:56:15"} -{"level":"info","message":"POST /refresh 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:56:15"} -{"level":"info","message":"POST /login 200 - 127ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:56:16"} -{"level":"info","message":"GET /users/active 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:56:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:56:17"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 233ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:56:17"} -{"level":"info","message":"POST /hospitals/active 200 - 38ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:56:17"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:56:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-07 23:56:21"} -{"cpu":{"loadAvg":0,"usage":3.0588749640172495},"errors":{},"level":"info","memory":{"external":21957340,"heapTotal":82763776,"heapUsed":77262128,"rss":171913216},"message":"Application metrics","requests":{"byEndpoint":{"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":244,"success":16,"total":260},"GET /get-forwarded-feedbacks":{"failed":0,"success":48,"total":48},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":13,"total":13},"GET /list":{"failed":0,"success":3,"total":3},"GET /refresh-token/26/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/47/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /users/active":{"failed":0,"success":13,"total":13},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":4,"success":6,"total":10},"POST /hospitals/active":{"failed":0,"success":21,"total":21},"POST /login":{"failed":1,"success":6,"total":7},"POST /refresh":{"failed":0,"success":3,"total":3}},"failed":253,"success":307,"total":560},"responseTime":{"avg":13.8625,"max":304,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T19:17:15.896Z"} -{"level":"info","message":"GET / 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-08 00:55:56"} -{"cpu":{"loadAvg":0.01,"usage":3.0117658313332356},"errors":{},"level":"info","memory":{"external":22015361,"heapTotal":82763776,"heapUsed":77895472,"rss":171913216},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":1,"total":1},"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":244,"success":16,"total":260},"GET /get-forwarded-feedbacks":{"failed":0,"success":48,"total":48},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":13,"total":13},"GET /list":{"failed":0,"success":3,"total":3},"GET /refresh-token/26/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/47/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /users/active":{"failed":0,"success":13,"total":13},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":4,"success":6,"total":10},"POST /hospitals/active":{"failed":0,"success":21,"total":21},"POST /login":{"failed":1,"success":6,"total":7},"POST /refresh":{"failed":0,"success":3,"total":3}},"failed":253,"success":308,"total":561},"responseTime":{"avg":13.875222816399287,"max":304,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T20:17:15.897Z"} -{"level":"info","message":"GET /.git/config 404 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-08 02:02:06"} -{"level":"info","message":"GET /.aws/credentials 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 02:02:07"} -{"cpu":{"loadAvg":0,"usage":2.9682681533370783},"errors":{},"level":"info","memory":{"external":22032422,"heapTotal":82763776,"heapUsed":77950528,"rss":171913216},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":1,"total":1},"GET /.aws/credentials":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":1,"success":0,"total":1},"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":244,"success":16,"total":260},"GET /get-forwarded-feedbacks":{"failed":0,"success":48,"total":48},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":13,"total":13},"GET /list":{"failed":0,"success":3,"total":3},"GET /refresh-token/26/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/47/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /users/active":{"failed":0,"success":13,"total":13},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":4,"success":6,"total":10},"POST /hospitals/active":{"failed":0,"success":21,"total":21},"POST /login":{"failed":1,"success":6,"total":7},"POST /refresh":{"failed":0,"success":3,"total":3}},"failed":255,"success":308,"total":563},"responseTime":{"avg":13.86323268206039,"max":304,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T21:17:15.897Z"} -{"cpu":{"loadAvg":0.01,"usage":2.9253402912674176},"errors":{},"level":"info","memory":{"external":22098635,"heapTotal":82763776,"heapUsed":78330496,"rss":172044288},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":1,"total":1},"GET /.aws/credentials":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":1,"success":0,"total":1},"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":244,"success":16,"total":260},"GET /get-forwarded-feedbacks":{"failed":0,"success":48,"total":48},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":13,"total":13},"GET /list":{"failed":0,"success":3,"total":3},"GET /refresh-token/26/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/47/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /users/active":{"failed":0,"success":13,"total":13},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":4,"success":6,"total":10},"POST /hospitals/active":{"failed":0,"success":21,"total":21},"POST /login":{"failed":1,"success":6,"total":7},"POST /refresh":{"failed":0,"success":3,"total":3}},"failed":255,"success":308,"total":563},"responseTime":{"avg":13.86323268206039,"max":304,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T22:17:15.898Z"} -{"cpu":{"loadAvg":0,"usage":2.883727848813038},"errors":{},"level":"info","memory":{"external":22140272,"heapTotal":83025920,"heapUsed":78749440,"rss":172044288},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":1,"total":1},"GET /.aws/credentials":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":1,"success":0,"total":1},"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":244,"success":16,"total":260},"GET /get-forwarded-feedbacks":{"failed":0,"success":48,"total":48},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":13,"total":13},"GET /list":{"failed":0,"success":3,"total":3},"GET /refresh-token/26/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/47/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /users/active":{"failed":0,"success":13,"total":13},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":4,"success":6,"total":10},"POST /hospitals/active":{"failed":0,"success":21,"total":21},"POST /login":{"failed":1,"success":6,"total":7},"POST /refresh":{"failed":0,"success":3,"total":3}},"failed":255,"success":308,"total":563},"responseTime":{"avg":13.86323268206039,"max":304,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-07T23:17:15.899Z"} -{"cpu":{"loadAvg":0.08,"usage":2.843551941170361},"errors":{},"level":"info","memory":{"external":22198293,"heapTotal":83025920,"heapUsed":78508616,"rss":172044288},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":1,"total":1},"GET /.aws/credentials":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":1,"success":0,"total":1},"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":244,"success":16,"total":260},"GET /get-forwarded-feedbacks":{"failed":0,"success":48,"total":48},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":13,"total":13},"GET /list":{"failed":0,"success":3,"total":3},"GET /refresh-token/26/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/47/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /users/active":{"failed":0,"success":13,"total":13},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":4,"success":6,"total":10},"POST /hospitals/active":{"failed":0,"success":21,"total":21},"POST /login":{"failed":1,"success":6,"total":7},"POST /refresh":{"failed":0,"success":3,"total":3}},"failed":255,"success":308,"total":563},"responseTime":{"avg":13.86323268206039,"max":304,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-08T00:17:15.899Z"} -{"cpu":{"loadAvg":0,"usage":2.803368167520702},"errors":{},"level":"info","memory":{"external":22223546,"heapTotal":83550208,"heapUsed":78902160,"rss":172044288},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":1,"total":1},"GET /.aws/credentials":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":1,"success":0,"total":1},"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":244,"success":16,"total":260},"GET /get-forwarded-feedbacks":{"failed":0,"success":48,"total":48},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":13,"total":13},"GET /list":{"failed":0,"success":3,"total":3},"GET /refresh-token/26/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/47/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /users/active":{"failed":0,"success":13,"total":13},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":4,"success":6,"total":10},"POST /hospitals/active":{"failed":0,"success":21,"total":21},"POST /login":{"failed":1,"success":6,"total":7},"POST /refresh":{"failed":0,"success":3,"total":3}},"failed":255,"success":308,"total":563},"responseTime":{"avg":13.86323268206039,"max":304,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-08T01:17:15.900Z"} -{"level":"info","message":"GET / 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 07:02:35"} -{"level":"info","message":"GET /webui/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 07:06:57"} -{"level":"info","message":"GET /favicon.ico 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 07:10:32"} -{"level":"info","message":"GET / 200 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 07:13:02"} -{"level":"info","message":"GET /geoserver/web/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 07:24:44"} -{"level":"info","message":"GET /.git/config 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 07:26:53"} -{"cpu":{"loadAvg":0,"usage":2.76490488501139},"errors":{},"level":"info","memory":{"external":22232415,"heapTotal":83812352,"heapUsed":79215592,"rss":172044288},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":3,"total":3},"GET /.aws/credentials":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":244,"success":16,"total":260},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /geoserver/web/":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":48,"total":48},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":13,"total":13},"GET /list":{"failed":0,"success":3,"total":3},"GET /refresh-token/26/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/47/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /users/active":{"failed":0,"success":13,"total":13},"GET /webui/":{"failed":1,"success":0,"total":1},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":4,"success":6,"total":10},"POST /hospitals/active":{"failed":0,"success":21,"total":21},"POST /login":{"failed":1,"success":6,"total":7},"POST /refresh":{"failed":0,"success":3,"total":3}},"failed":259,"success":310,"total":569},"responseTime":{"avg":13.732864674868189,"max":304,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-08T02:17:15.901Z"} -{"level":"info","message":"GET / 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 07:50:37"} -{"level":"info","message":"GET /favicon.ico 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 07:50:38"} -{"level":"info","message":"GET /robots.txt 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 08:00:02"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 08:00:03"} -{"cpu":{"loadAvg":0,"usage":2.726541614626015},"errors":{},"level":"info","memory":{"external":22241284,"heapTotal":84336640,"heapUsed":80147600,"rss":172044288},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":5,"total":5},"GET /.aws/credentials":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":244,"success":16,"total":260},"GET /favicon.ico":{"failed":2,"success":0,"total":2},"GET /geoserver/web/":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":48,"total":48},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":13,"total":13},"GET /list":{"failed":0,"success":3,"total":3},"GET /refresh-token/26/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/47/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /robots.txt":{"failed":1,"success":0,"total":1},"GET /users/active":{"failed":0,"success":13,"total":13},"GET /webui/":{"failed":1,"success":0,"total":1},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":4,"success":6,"total":10},"POST /hospitals/active":{"failed":0,"success":21,"total":21},"POST /login":{"failed":1,"success":6,"total":7},"POST /refresh":{"failed":0,"success":3,"total":3}},"failed":261,"success":312,"total":573},"responseTime":{"avg":13.643979057591624,"max":304,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-08T03:17:15.900Z"} -{"cpu":{"loadAvg":0,"usage":2.6900189666982044},"errors":{},"level":"info","memory":{"external":22299305,"heapTotal":84336640,"heapUsed":80479976,"rss":172044288},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":5,"total":5},"GET /.aws/credentials":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":244,"success":16,"total":260},"GET /favicon.ico":{"failed":2,"success":0,"total":2},"GET /geoserver/web/":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":48,"total":48},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":13,"total":13},"GET /list":{"failed":0,"success":3,"total":3},"GET /refresh-token/26/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/47/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /robots.txt":{"failed":1,"success":0,"total":1},"GET /users/active":{"failed":0,"success":13,"total":13},"GET /webui/":{"failed":1,"success":0,"total":1},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":4,"success":6,"total":10},"POST /hospitals/active":{"failed":0,"success":21,"total":21},"POST /login":{"failed":1,"success":6,"total":7},"POST /refresh":{"failed":0,"success":3,"total":3}},"failed":261,"success":312,"total":573},"responseTime":{"avg":13.643979057591624,"max":304,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-08T04:17:15.900Z"} -{"level":"info","message":"GET / 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 10:20:23"} -{"level":"info","message":"GET /favicon.ico 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 10:20:24"} -{"level":"info","message":"GET /favicon.ico 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 10:20:40"} -{"level":"info","message":"GET /robots.txt 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 10:20:50"} -{"level":"info","message":"GET /favicon.ico 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 10:20:51"} -{"level":"info","message":"GET /.env 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 10:21:43"} -{"level":"info","message":"GET /.git/config 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 10:21:44"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 10:38:04"} -{"cpu":{"loadAvg":0,"usage":2.654373678696004},"errors":{},"level":"info","memory":{"external":22365518,"heapTotal":84860928,"heapUsed":81084176,"rss":172175360},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":7,"total":7},"GET /.aws/credentials":{"failed":1,"success":0,"total":1},"GET /.env":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":3,"success":0,"total":3},"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /colors":{"failed":244,"success":16,"total":260},"GET /favicon.ico":{"failed":5,"success":0,"total":5},"GET /geoserver/web/":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":48,"total":48},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":13,"total":13},"GET /list":{"failed":0,"success":3,"total":3},"GET /refresh-token/26/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/47/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /robots.txt":{"failed":2,"success":0,"total":2},"GET /users/active":{"failed":0,"success":13,"total":13},"GET /webui/":{"failed":1,"success":0,"total":1},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":4,"success":6,"total":10},"POST /hospitals/active":{"failed":0,"success":21,"total":21},"POST /login":{"failed":1,"success":6,"total":7},"POST /refresh":{"failed":0,"success":3,"total":3}},"failed":267,"success":314,"total":581},"responseTime":{"avg":13.46987951807229,"max":304,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-08T05:17:15.901Z"} -{"level":"info","message":"GET /admin/configs.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:18:10"} -{"level":"info","message":"POST /hospital-users/login 401 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:24:29"} -{"level":"info","message":"POST /hospital-users/login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:24:33"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:24:33"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:24:33"} -{"level":"info","message":"POST /refresh 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:24:33"} -{"level":"info","message":"POST /login 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:24:33"} -{"level":"info","message":"GET /users/active 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:24:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:24:34"} -{"level":"info","message":"POST /hospitals/active 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:24:34"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 257ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:24:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:24:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:24:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:24:52"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:24:57"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:27:29"} -{"level":"info","message":"GET /list 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:27:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:27:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:27:39"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:27:47"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:27:57"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:27:57"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:27:57"} -{"level":"info","message":"POST /refresh 200 - 111ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:27:57"} -{"level":"info","message":"POST /login 200 - 391ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:27:58"} -{"level":"info","message":"GET /users/active 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:27:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:27:58"} -{"level":"info","message":"POST /hospitals/active 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:27:58"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 236ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:27:59"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:28:06"} -{"level":"info","message":"PUT /update/236 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:28:50"} -{"level":"info","message":"PUT /update/236 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:28:51"} -{"level":"info","message":"PUT /update/236 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:28:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:29:23"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:31:32"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:31:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:31:41"} -{"level":"info","message":"POST /hospitals/active 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:31:41"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 231ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:31:41"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:33:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:33:20"} -{"level":"info","message":"GET /appuser_status 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:36:44"} -{"level":"info","message":"POST /login 200 - 165ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:37:04"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:37:07"} -{"level":"info","message":"GET /chat-sessions 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:37:08"} -{"level":"info","message":"GET /popular-topics 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:37:08"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:37:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:43:26"} -{"cpu":{"loadAvg":0.3,"usage":2.6533101749345747},"errors":{},"level":"info","memory":{"external":21945317,"heapTotal":87482368,"heapUsed":75429328,"rss":172466176},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":7,"total":7},"GET /.aws/credentials":{"failed":1,"success":0,"total":1},"GET /.env":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":3,"success":0,"total":3},"GET /229":{"failed":0,"success":91,"total":91},"GET /236":{"failed":0,"success":56,"total":56},"GET /833":{"failed":0,"success":1,"total":1},"GET /admin/configs.php":{"failed":1,"success":0,"total":1},"GET /api/analytics/hospitals/active":{"failed":3,"success":0,"total":3},"GET /appuser_status":{"failed":1,"success":0,"total":1},"GET /chat-sessions":{"failed":0,"success":1,"total":1},"GET /colors":{"failed":251,"success":16,"total":267},"GET /favicon.ico":{"failed":5,"success":0,"total":5},"GET /geoserver/web/":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":54,"total":54},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/236":{"failed":0,"success":2,"total":2},"GET /hospital/received":{"failed":0,"success":16,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":16,"total":16},"GET /list":{"failed":0,"success":8,"total":8},"GET /popular-topics":{"failed":0,"success":1,"total":1},"GET /refresh-token/26/6":{"failed":0,"success":6,"total":6},"GET /refresh-token/405/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/47/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /robots.txt":{"failed":2,"success":0,"total":2},"GET /users/active":{"failed":0,"success":16,"total":16},"GET /webui/":{"failed":1,"success":0,"total":1},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":6,"success":8,"total":14},"POST /hospitals/active":{"failed":0,"success":24,"total":24},"POST /login":{"failed":1,"success":9,"total":10},"POST /refresh":{"failed":0,"success":5,"total":5},"POST /verify-pin":{"failed":0,"success":1,"total":1},"PUT /update/236":{"failed":3,"success":0,"total":3}},"failed":281,"success":348,"total":629},"responseTime":{"avg":15.930047694753577,"max":391,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-08T06:17:15.902Z"} -{"level":"info","message":"POST /hospital-users/login 401 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:26"} -{"level":"info","message":"POST /hospital-users/login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:31"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:45"} -{"level":"info","message":"GET /refresh-token/833/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:45"} -{"level":"info","message":"POST /get-access-token 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:45"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:45"} -{"level":"info","message":"GET /833 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:45"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:48"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:49"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:49"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:49"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:49"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:53"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:48:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:49:00"} -{"level":"info","message":"GET /hospital/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:49:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:49:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:50:01"} -{"level":"info","message":"POST /upload 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:50:24"} -{"level":"info","message":"GET /hospital/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:50:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:50:40"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:50:40"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:50:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:50:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:50:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:50:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:50:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:50:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:50:45"} -{"level":"info","message":"POST /upload 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:04"} -{"level":"info","message":"GET /hospital/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:11"} -{"level":"info","message":"POST /upload 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:24"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:38"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:38"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:45"} -{"level":"info","message":"GET /hospital-users/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:45"} -{"level":"info","message":"GET /public-signup/229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:55"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:51:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:52:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:52:03"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:52:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:52:03"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:52:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:52:08"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:52:08"} -{"level":"info","message":"PUT /edit-user/833 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:52:12"} -{"level":"info","message":"PUT /edit-user/833 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:52:30"} -{"level":"info","message":"PUT /edit-user/833 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:52:55"} -{"level":"info","message":"POST /api/app_users/send-pin-otp 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:52:56"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:53:03"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:53:03"} -{"level":"info","message":"GET /hospital/received 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:53:03"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:53:03"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:54:03"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 11:54:09"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 11:54:13"} -{"level":"info","message":"POST /send-pin-otp 200 - 3208ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:54:38"} -{"level":"info","message":"POST /send-pin-otp 200 - 3109ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:54:50"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:55:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:56:03"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:57:03"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:58:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 11:59:03"} -{"level":"info","message":"PUT /change-pin 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:00:01"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:00:04"} -{"level":"info","message":"PUT /change-pin 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:00:06"} -{"level":"info","message":"GET /appuser_status 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:00:46"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:00:54"} -{"level":"info","message":"GET /popular-topics 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:00:54"} -{"level":"info","message":"GET /chat-sessions 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:00:55"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:01:03"} -{"level":"info","message":"POST /login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:01:10"} -{"level":"info","message":"POST /login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:01:15"} -{"level":"info","message":"POST /login 401 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:01:23"} -{"level":"info","message":"POST /send-otp 200 - 2367ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:01:34"} -{"level":"info","message":"POST /send-otp 200 - 2823ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:01:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:02:03"} -{"level":"info","message":"POST /send-otp 200 - 2731ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:02:06"} -{"level":"info","message":"PUT /change-password 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:02:29"} -{"level":"info","message":"POST /send-otp 200 - 2632ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:05:37"} -{"level":"info","message":"PUT /change-password 200 - 125ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:06:22"} -{"level":"info","message":"PUT /change-password 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:06:25"} -{"level":"info","message":"POST /send-otp 200 - 3020ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:06:53"} -{"level":"info","message":"POST /send-otp 200 - 2616ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:07:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:08:32"} -{"level":"info","message":"GET /users/active 304 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:08:32"} -{"level":"info","message":"POST /hospitals/active 200 - 141ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:08:32"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 303ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:08:32"} -{"level":"info","message":"PUT /change-password 200 - 151ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:09:24"} -{"level":"info","message":"PUT /change-password 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:09:27"} -{"level":"info","message":"POST /login 200 - 154ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:10:00"} -{"level":"info","message":"POST /verify-pin 401 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:10:36"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:10:46"} -{"level":"info","message":"GET /popular-topics 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:10:47"} -{"level":"info","message":"GET /chat-sessions 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:10:47"} -{"level":"info","message":"GET /appuser_status 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:10:56"} -{"level":"info","message":"POST /forgot-pin 200 - 2920ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:11:07"} -{"level":"info","message":"GET /api/app_users/send-pin-otp' 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:13:47"} -{"level":"info","message":"GET /api/app_users/change-pin' 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:13:47"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:18"} -{"level":"info","message":"GET /_profiler/phpinfo 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:19"} -{"level":"info","message":"GET /php_info.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:19"} -{"level":"info","message":"GET /test.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:19"} -{"level":"info","message":"GET /phpinfo.php 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:19"} -{"level":"info","message":"GET /phpinfo 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:19"} -{"level":"info","message":"GET /wp-config.php 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:19"} -{"level":"info","message":"GET /server_info.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:19"} -{"level":"info","message":"GET /info.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:19"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:24"} -{"level":"info","message":"GET /api/.env 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:24"} -{"level":"info","message":"GET /django/.env 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:24"} -{"level":"info","message":"GET /.env.local 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:24"} -{"level":"info","message":"GET /config/.env 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:24"} -{"level":"info","message":"GET /api/shared/config/config.env 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:24"} -{"level":"info","message":"GET /.env 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:24"} -{"level":"info","message":"GET /.env.production 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:24"} -{"level":"info","message":"GET /symfony/.env 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:24"} -{"level":"info","message":"GET /next/.env 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:24"} -{"level":"info","message":"GET /flask/.env 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:24"} -{"level":"info","message":"GET /server/.env 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:25"} -{"level":"info","message":"GET /conf/.env 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:25"} -{"level":"info","message":"GET /nuxt/.env 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:25"} -{"level":"info","message":"GET /cp/.env 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:25"} -{"level":"info","message":"GET /react/.env 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:25"} -{"level":"info","message":"GET /core/.env 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:25"} -{"level":"info","message":"GET /.env.save 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:25"} -{"level":"info","message":"GET /crm/.env 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:25"} -{"level":"info","message":"GET / 200 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:30"} -{"level":"info","message":"GET /settings.py 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:46"} -{"level":"info","message":"GET /ses.sh 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:46"} -{"level":"info","message":"GET /wp-config.php 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:46"} -{"level":"info","message":"GET /web.config 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:46"} -{"level":"info","message":"GET /wp-config.php.bak 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:46"} -{"level":"info","message":"GET /config.php.old 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:46"} -{"level":"info","message":"GET /signup/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:46"} -{"level":"info","message":"GET /robots.txt 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:46"} -{"level":"info","message":"GET /send-ses.sh 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:46"} -{"level":"info","message":"GET /sitemap.xml 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:14:46"} -{"level":"info","message":"GET /appuser_status 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:17:20"} -{"level":"info","message":"POST /login 200 - 130ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:18:10"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:18:19"} -{"level":"info","message":"GET /chat-sessions 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:18:19"} -{"level":"info","message":"GET /popular-topics 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:18:19"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:18:25"} -{"level":"info","message":"GET /chat-sessions 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:18:33"} -{"level":"info","message":"GET /chat-sessions 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:18:38"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:18:45"} -{"level":"info","message":"POST /hospital-users/login 401 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:18:55"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:18:57"} -{"level":"info","message":"POST /hospital-users/login 401 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:03"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:07"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:07"} -{"level":"info","message":"POST /get-access-token 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:07"} -{"level":"info","message":"POST /login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:07"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:07"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:09"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:09"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:10"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:10"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:12"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:12"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:14"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:14"} -{"level":"info","message":"GET /appuser_status 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:23"} -{"level":"info","message":"POST /login 200 - 158ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:50"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:54"} -{"level":"info","message":"GET /chat-sessions 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:54"} -{"level":"info","message":"GET /popular-topics 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:19:54"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:20:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:21:14"} -{"level":"info","message":"GET /chat-sessions 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:21:58"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:22:14"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:23:14"} -{"level":"info","message":"GET /chat-sessions 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:24:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:24:14"} -{"level":"info","message":"GET /appuser_status 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:24:43"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:24:53"} -{"level":"info","message":"GET /chat-sessions 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:24:53"} -{"level":"info","message":"GET /popular-topics 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:24:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:25:14"} -{"level":"info","message":"GET /chat/3 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:25:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:26:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:27:14"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:28:14"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:28:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:29:15"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:30:16"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:31:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:32:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:33:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:34:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:35:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:36:14"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:37:14"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:38:14"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 12:39:06"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 12:39:09"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:39:14"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:40:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:41:15"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:42:16"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:43:17"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:44:18"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:45:19"} -{"level":"info","message":"GET /appuser_status 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:45:44"} -{"level":"info","message":"POST /verify-pin 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:45:53"} -{"level":"info","message":"GET /chat-sessions 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:45:53"} -{"level":"info","message":"GET /popular-topics 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:45:53"} -{"level":"info","message":"GET /chat/3 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:45:56"} -{"level":"info","message":"GET /chat/3 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:46:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:46:14"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:47:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:48:14"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:15"} -{"level":"info","message":"POST /login 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:15"} -{"level":"info","message":"POST /hospital-users/login 401 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:25"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:28"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:28"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:28"} -{"level":"info","message":"POST /refresh 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:28"} -{"level":"info","message":"POST /login 200 - 143ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:28"} -{"level":"info","message":"GET /users/active 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:29"} -{"level":"info","message":"POST /hospitals/active 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:29"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 258ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:29"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:49:55"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:00"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:05"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:10"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:11"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:11"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:11"} -{"level":"info","message":"POST /refresh 200 - 100ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:11"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:12"} -{"level":"info","message":"GET /users/active 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:12"} -{"level":"info","message":"POST /hospitals/active 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:12"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 248ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:13"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:25"} -{"level":"info","message":"GET /users/active 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:26"} -{"level":"info","message":"POST /hospitals/active 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:27"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 227ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:30"} -{"level":"info","message":"GET /list 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:47"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:49"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:52"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:52"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:52"} -{"level":"info","message":"POST /refresh 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:53"} -{"level":"info","message":"POST /login 200 - 163ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:53"} -{"level":"info","message":"GET /users/active 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:53"} -{"level":"info","message":"POST /hospitals/active 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:53"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 238ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:50:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:51:04"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:51:07"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:51:16"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:52:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:52:05"} -{"level":"info","message":"POST /hospitals/active 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:52:05"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 228ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:52:06"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:52:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:52:17"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:52:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:52:49"} -{"level":"info","message":"POST /hospitals/active 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:52:49"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 235ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:52:50"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:53:14"} -{"level":"info","message":"POST /hospitals/active 200 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:53:41"} -{"level":"info","message":"POST /hospitals/active 200 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:53:52"} -{"level":"info","message":"POST /hospitals/active 200 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:53:55"} -{"level":"info","message":"POST /hospitals/active 200 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:54:00"} -{"level":"info","message":"POST /hospitals/active 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:54:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:54:14"} -{"level":"info","message":"GET /229 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:55:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:55:35"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:55:35"} -{"level":"info","message":"GET /users/active 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:55:35"} -{"level":"info","message":"POST /hospitals/active 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:55:35"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 255ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:55:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:56:15"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:56:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:56:24"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:57:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:57:15"} -{"level":"info","message":"POST /verify-pin 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:57:17"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:57:18"} -{"level":"info","message":"GET /popular-topics 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:57:18"} -{"level":"info","message":"GET /chat/3 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:57:20"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:58:16"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 12:59:14"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:00:15"} -{"level":"info","message":"POST /upload 200 - 115ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:00:58"} -{"level":"info","message":"GET /hospital/229 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:05"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:14"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:15"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:15"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:16"} -{"level":"info","message":"GET /colors 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:16"} -{"level":"info","message":"GET /229 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:17"} -{"level":"info","message":"GET /229 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:17"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:17"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:17"} -{"level":"info","message":"GET /229 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:20"} -{"level":"info","message":"POST /upload 200 - 703ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:28"} -{"level":"info","message":"GET /hospital/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:35"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:53"} -{"level":"info","message":"GET /hospital/229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:53"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:53"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:01:58"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:02:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:03:53"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:04:53"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:05:07"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:05:07"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:05:07"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:05:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:05:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:05:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:05:08"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:05:08"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:05:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:05:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:06:08"} -{"level":"info","message":"POST /upload 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:06:39"} -{"level":"info","message":"GET /hospital/229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:06:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:07:08"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:07:50"} -{"level":"info","message":"POST /login 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:05"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:05"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:08"} -{"level":"info","message":"POST /hospital-users/login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:28"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:36"} -{"level":"info","message":"GET /refresh-token/839/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:36"} -{"level":"info","message":"POST /get-access-token 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:37"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:37"} -{"level":"info","message":"GET /839 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:37"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:39"} -{"level":"info","message":"GET /236 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:39"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:39"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:39"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:39"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:39"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:39"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:39"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:39"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:39"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:39"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:39"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:43"} -{"level":"info","message":"GET /hospital-users/236 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:43"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:43"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:44"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:44"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:54"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:08:59"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:09:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:09:08"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:09:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:09:14"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:09:19"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:09:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:09:29"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:09:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:09:39"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:09:43"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:09:44"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:09:49"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:09:54"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:09:59"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:10:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:10:08"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:10:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:10:14"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:10:19"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:10:24"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:10:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:10:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:10:39"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:10:43"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:10:44"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:10:50"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:10:55"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:11:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:11:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:11:08"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:11:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:11:15"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:11:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:11:25"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:11:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:11:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:11:40"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:11:43"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:11:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:11:50"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:11:55"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:12:00"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:12:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:12:08"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:12:10"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:12:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:12:20"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:12:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:12:30"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:12:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:12:40"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:12:43"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:12:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:12:50"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:12:55"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:13:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:13:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:13:08"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:13:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:14:08"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:14:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:15:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:16:08"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:16:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:17:08"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:17:37"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:18:08"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:18:37"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:19:08"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:19:37"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:20:08"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:20:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:21:08"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:21:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:22:08"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:22:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:23:08"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:23:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:24:08"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:24:37"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:25:08"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:25:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:26:08"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:26:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:27:08"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:27:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:28:08"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:28:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:29:08"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:29:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:30:08"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:30:37"} -{"level":"info","message":"POST /hospital-users/login 401 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:30:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:30:54"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:30:54"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:30:54"} -{"level":"info","message":"POST /refresh 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:30:54"} -{"level":"info","message":"POST /login 200 - 134ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:30:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:30:55"} -{"level":"info","message":"GET /users/active 200 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:30:55"} -{"level":"info","message":"POST /hospitals/active 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:30:55"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 240ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:30:55"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:30:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:31:08"} -{"level":"info","message":"POST /create-hospital 201 - 3096ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:31:28"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:31:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:31:31"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:31:31"} -{"level":"info","message":"POST /hospitals/active 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:31:31"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 235ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:31:31"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:31:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:32:09"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:32:25"} -{"level":"info","message":"PUT /update/237 200 - 151ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:32:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:32:35"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:32:35"} -{"level":"info","message":"POST /hospitals/active 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:32:36"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 247ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:32:36"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:32:37"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:32:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:32:56"} -{"level":"info","message":"GET /users/active 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:32:56"} -{"level":"info","message":"POST /hospitals/active 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:32:56"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 252ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:32:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:33:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:33:37"} -{"level":"info","message":"GET /users/active 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:33:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:33:37"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:33:37"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 202ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:33:37"} -{"level":"info","message":"POST /hospitals/active 200 - 42ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:33:38"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:34:11"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:34:33"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:34:37"} -{"level":"info","message":"PUT /update/237 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:34:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:34:43"} -{"level":"info","message":"GET /users/active 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:34:43"} -{"level":"info","message":"POST /hospitals/active 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:34:43"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 245ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:34:43"} -{"level":"info","message":"GET /users/active 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:34:48"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:34:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:34:48"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 211ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:34:48"} -{"level":"info","message":"POST /hospitals/active 200 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:34:49"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:34:53"} -{"level":"info","message":"PUT /update/237 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:02"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:05"} -{"level":"info","message":"POST /hospitals/active 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:05"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 249ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:07"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:07"} -{"level":"info","message":"GET /users/active 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:07"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 196ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:08"} -{"level":"info","message":"POST /hospitals/active 200 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:08"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:12"} -{"level":"info","message":"PUT /update/237 200 - 312ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:21"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:21"} -{"level":"info","message":"POST /hospitals/active 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:21"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 264ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:21"} -{"level":"info","message":"GET /users/active 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:23"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:23"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 197ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:23"} -{"level":"info","message":"POST /hospitals/active 200 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:30"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:30"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:41"} -{"level":"info","message":"GET /users/active 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:41"} -{"level":"info","message":"POST /hospitals/active 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:41"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 254ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:41"} -{"level":"info","message":"GET /list 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:42"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:42"} -{"level":"info","message":"POST /hospitals/active 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:42"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 240ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:43"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:44"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:47"} -{"level":"info","message":"GET /users/active 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:47"} -{"level":"info","message":"POST /hospitals/active 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:47"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 236ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:35:47"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:06"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:06"} -{"level":"info","message":"POST /hospitals/active 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:06"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 234ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:06"} -{"level":"info","message":"POST /app-user/submit 201 - 135ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:15"} -{"level":"info","message":"GET /hospital/received 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:15"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:15"} -{"level":"info","message":"POST /hospital/forward 200 - 109ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:28"} -{"level":"info","message":"GET /users/active 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:32"} -{"level":"info","message":"POST /hospitals/active 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:32"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 245ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:35"} -{"level":"info","message":"GET /users/active 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:38"} -{"level":"info","message":"POST /hospitals/active 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:38"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 246ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:36:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:37:16"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:37:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:38:16"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:38:37"} -{"cpu":{"loadAvg":0.02,"usage":2.679265294508596},"errors":{},"level":"info","memory":{"external":21719072,"heapTotal":80150528,"heapUsed":75643104,"rss":164532224},"message":"Application metrics","requests":{"byEndpoint":{"GET /229":{"failed":0,"success":84,"total":84},"GET /236":{"failed":0,"success":43,"total":43},"GET /839":{"failed":0,"success":1,"total":1},"GET /appuser_status":{"failed":0,"success":2,"total":2},"GET /chat-sessions":{"failed":0,"success":2,"total":2},"GET /chat/3":{"failed":0,"success":3,"total":3},"GET /colors":{"failed":22,"success":58,"total":80},"GET /get-forwarded-feedbacks":{"failed":0,"success":29,"total":29},"GET /hospital-users/236":{"failed":1,"success":0,"total":1},"GET /hospital/229":{"failed":0,"success":6,"total":6},"GET /hospital/received":{"failed":0,"success":1,"total":1},"GET /hospitals/onboarded":{"failed":0,"success":24,"total":24},"GET /list":{"failed":0,"success":15,"total":15},"GET /popular-topics":{"failed":0,"success":2,"total":2},"GET /refresh-token/26/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/47/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/839/7":{"failed":0,"success":1,"total":1},"GET /users/active":{"failed":0,"success":24,"total":24},"POST /app-user/submit":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":0,"success":1,"total":1},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":5,"success":5,"total":10},"POST /hospital/forward":{"failed":0,"success":1,"total":1},"POST /hospitals/active":{"failed":0,"success":29,"total":29},"POST /login":{"failed":2,"success":5,"total":7},"POST /refresh":{"failed":0,"success":4,"total":4},"POST /upload":{"failed":0,"success":3,"total":3},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /update/237":{"failed":0,"success":4,"total":4}},"failed":30,"success":359,"total":389},"responseTime":{"avg":39.70437017994858,"max":3096,"min":1},"service":"spurrinai-backend","timestamp":"2025-06-08T08:09:07.557Z"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:39:16"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:39:37"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:40:16"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:40:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:41:16"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:41:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:42:16"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:42:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:43:35"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:44:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:44:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:44:22"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:45:16"} -{"level":"info","message":"GET /list 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:45:24"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:45:46"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:45:58"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:45:59"} -{"level":"info","message":"GET /popular-topics 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:45:59"} -{"level":"info","message":"POST /app-user/submit 201 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:21"} -{"level":"info","message":"GET /hospital/received 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:21"} -{"level":"info","message":"GET /colors 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:21"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:22"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:22"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:22"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:22"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:26"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:26"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:27"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:27"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:46:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:47:27"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:48:27"} -{"level":"info","message":"GET /public-signup/229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:49:26"} -{"level":"info","message":"GET /hospital-users/229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:49:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:49:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:49:26"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:50:26"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:51:26"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:52:26"} -{"level":"info","message":"PUT /update-settings 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:53:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:53:26"} -{"level":"info","message":"GET /chat/3 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:53:32"} -{"level":"info","message":"GET /chat/3 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:53:36"} -{"level":"info","message":"GET /chat/3 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:54:02"} -{"level":"info","message":"GET /chat/3 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:54:08"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:54:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:55:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:56:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:57:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:58:32"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 13:59:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:00:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:01:35"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:02:26"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:02:34"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:02:34"} -{"level":"info","message":"GET /popular-topics 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:02:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:02:35"} -{"level":"info","message":"GET /chat/3 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:02:36"} -{"level":"info","message":"GET /chat/3 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:02:40"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:03:35"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:03:46"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:08"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:13"} -{"level":"info","message":"GET /refresh-token/839/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:13"} -{"level":"info","message":"POST /get-access-token 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:13"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:13"} -{"level":"info","message":"GET /839 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:13"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:16"} -{"level":"info","message":"GET /236 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:16"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:16"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:16"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:16"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:16"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:16"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:16"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:16"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:16"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:21"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:21"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:21"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:31"} -{"level":"info","message":"GET /hospital-users/236 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:31"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:31"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:31"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:33"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:33"} -{"level":"info","message":"GET /hospital/received 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:33"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:34"} -{"level":"info","message":"GET /hospital-users/236 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:34"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:04:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:05:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:05:06"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:05:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:05:16"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:05:21"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:05:26"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:05:31"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:05:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:05:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:05:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:05:41"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:05:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:05:51"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:05:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:06:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:06:06"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:06:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:06:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:07:35"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:07:35"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:08:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:08:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:09:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:09:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:10:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:10:35"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:11:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:11:37"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:12:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:12:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:13:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:13:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:14:35"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:14:37"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 14:14:48"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 14:15:27"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:15:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:15:37"} -{"level":"info","message":"GET /api/hospital-users 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:15:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:16:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:16:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:17:35"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:17:37"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 14:17:50"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 14:17:52"} -{"level":"info","message":"GET /api/hospital-users 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:18:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:18:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:18:30"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:18:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:18:37"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:19:37"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:31"} -{"level":"info","message":"GET /hospital-users/236 404 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:34"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:34"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:34"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:34"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:34"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:34"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:34"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:34"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:39"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:39"} -{"level":"info","message":"GET /users/active 200 - 38ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:51"} -{"level":"info","message":"POST /hospitals/active 200 - 125ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:51"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 301ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:20:51"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:21:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:22:35"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:22:47"} -{"level":"info","message":"GET /236 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:23:35"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:24:35"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:25:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:26:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:27:21"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:27:26"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:27:31"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:27:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:27:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:27:41"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:27:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:27:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:27:56"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:28:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:28:06"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:28:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:28:16"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:28:21"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:28:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:29:37"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:30:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:31:18"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:31:24"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:31:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:32:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:33:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:33:10"} -{"level":"info","message":"GET /api/hospital-users 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:33:10"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:33:35"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 14:33:43"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 14:33:45"} -{"level":"info","message":"GET /236 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:34:37"} -{"level":"info","message":"GET /236 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:35:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:36:06"} -{"level":"info","message":"GET /users/active 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:36:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:36:09"} -{"level":"info","message":"POST /hospitals/active 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:36:09"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 267ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:36:09"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:36:37"} -{"level":"info","message":"GET /236 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:37:37"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:38:37"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:39:37"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:40:37"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:41:37"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:42:37"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:43:37"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:44:37"} -{"level":"info","message":"GET /agc/vicidial.php 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:44:53"} -{"level":"info","message":"GET /agc/timeclock.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:44:54"} -{"level":"info","message":"GET /agent/timeclock.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:44:55"} -{"level":"info","message":"GET /agent/vicidial.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:44:56"} -{"level":"info","message":"GET /vicidial/admin.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:44:57"} -{"level":"info","message":"GET /admin/admin.php 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:44:57"} -{"level":"info","message":"GET /elision-dialer/admin/index.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:44:58"} -{"level":"info","message":"GET /hottrix-dialer/admin/index.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:44:59"} -{"level":"info","message":"GET /hottrix-dialer/agent/index.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:45:00"} -{"level":"info","message":"GET /elision-dialer/agent/index.php 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:45:01"} -{"level":"info","message":"GET /appuser_status 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:45:31"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:45:37"} -{"level":"info","message":"POST /forgot-pin 200 - 2969ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:45:49"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:46:37"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:47:37"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:48:28"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:48:37"} -{"level":"info","message":"POST /verify-pin 401 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:48:45"} -{"level":"info","message":"POST /verify-pin 401 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:48:51"} -{"level":"info","message":"POST /verify-pin 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:48:57"} -{"level":"info","message":"GET /popular-topics 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:48:57"} -{"level":"info","message":"GET /chat-sessions 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:48:57"} -{"level":"info","message":"POST /send-otp 200 - 2995ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:49:26"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:49:37"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:50:37"} -{"level":"info","message":"PUT /change-password 200 - 193ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:50:59"} -{"level":"info","message":"POST /login 200 - 174ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:51:21"} -{"level":"info","message":"POST /forgot-pin 200 - 2451ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:51:28"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:51:37"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:52:37"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:53:18"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:53:35"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:54:37"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:55:02"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:55:02"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:55:02"} -{"level":"info","message":"POST /refresh 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:55:02"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:55:02"} -{"level":"info","message":"GET /users/active 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:55:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:55:03"} -{"level":"info","message":"POST /hospitals/active 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:55:03"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 275ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:55:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:55:05"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:55:37"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:37"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:44"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:44"} -{"level":"info","message":"POST /get-access-token 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:44"} -{"level":"info","message":"POST /login 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:44"} -{"level":"info","message":"GET /833 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:44"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:49"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:49"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:49"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:49"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:49"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:50"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:54"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:54"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:55"} -{"level":"info","message":"GET /hospital/received 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:55"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:55"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:56:55"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:37"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:41"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:41"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:41"} -{"level":"info","message":"POST /refresh 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:41"} -{"level":"info","message":"POST /login 200 - 136ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:41"} -{"level":"info","message":"GET /users/active 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:42"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:42"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 222ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:42"} -{"level":"info","message":"POST /hospitals/active 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:43"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 247ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:57:56"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:58:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:58:56"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:59:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:59:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:59:17"} -{"level":"info","message":"GET /users/active 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:59:17"} -{"level":"info","message":"POST /hospitals/active 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:59:17"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 256ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:59:17"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 200ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:59:17"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:59:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 14:59:56"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:00:37"} -{"level":"info","message":"POST /hospitals/active 200 - 47ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:00:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:00:39"} -{"level":"info","message":"GET /users/active 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:00:39"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 213ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:00:39"} -{"level":"info","message":"GET /users/active 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:00:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:00:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:00:53"} -{"level":"info","message":"POST /hospitals/active 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:00:53"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:00:53"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 272ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:00:53"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 218ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:00:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:00:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:03"} -{"level":"info","message":"GET /users/active 304 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:03"} -{"level":"info","message":"POST /hospitals/active 200 - 118ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:03"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 324ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:03"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:16"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:16"} -{"level":"info","message":"POST /hospitals/active 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:16"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 265ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:16"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 209ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:17"} -{"level":"info","message":"GET /users/active 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:22"} -{"level":"info","message":"POST /hospitals/active 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:22"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 250ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:27"} -{"level":"info","message":"POST /hospitals/active 200 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:27"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 206ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:27"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 195ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:27"} -{"level":"info","message":"POST /hospitals/active 200 - 38ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:41"} -{"level":"info","message":"POST /hospitals/active 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:41"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 251ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:01:56"} -{"level":"info","message":"POST /hospitals/active 200 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:11"} -{"level":"info","message":"POST /hospitals/active 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:11"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 248ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:21"} -{"level":"info","message":"POST /hospitals/active 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:21"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 268ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:28"} -{"level":"info","message":"POST /hospitals/active 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:28"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 257ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:31"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 204ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:31"} -{"level":"info","message":"POST /hospitals/active 200 - 46ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:31"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 208ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:31"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:54"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:56"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:02:59"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:00"} -{"level":"info","message":"POST /get-access-token 200 - 106ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:00"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:00"} -{"level":"info","message":"GET /833 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:00"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:03"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:04"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:04"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:04"} -{"level":"info","message":"GET /229 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:04"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:04"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:07"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:08"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:03:08"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:04:09"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:04:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:05:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:05:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:05:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:05:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:05:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:05:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:05:48"} -{"level":"info","message":"GET /229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:05:51"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:06:09"} -{"level":"info","message":"GET /appuser_status 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:06:21"} -{"level":"info","message":"POST /verify-pin 401 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:06:29"} -{"level":"info","message":"GET /appuser_status 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:06:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:06:43"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:06:47"} -{"level":"info","message":"GET /chat-sessions 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:06:47"} -{"level":"info","message":"GET /popular-topics 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:06:47"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:06:51"} -{"level":"info","message":"POST /login 200 - 153ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:07:04"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:07:08"} -{"level":"info","message":"GET /chat-sessions 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:07:08"} -{"level":"info","message":"GET /popular-topics 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:07:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:07:09"} -{"level":"info","message":"GET /chat/3 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:07:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:07:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:08:09"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 15:08:43"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 15:08:46"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:09:09"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:10:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:11"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:27"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:32"} -{"level":"info","message":"GET /hospital/received 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:32"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:32"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:32"} -{"level":"info","message":"GET /hospital/received 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:32"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:32"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:32"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:35"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:37"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:42"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:42"} -{"level":"info","message":"POST /get-access-token 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:42"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:42"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:42"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:45"} -{"level":"info","message":"GET /229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:46"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:47"} -{"level":"info","message":"GET /hospital/received 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:47"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:50"} -{"level":"info","message":"POST /hospital/forward 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:11:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:12:13"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:12:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:12:48"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:13:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:13:48"} -{"level":"info","message":"POST /login 200 - 151ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:14:30"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:14:35"} -{"level":"info","message":"POST /verify-pin 401 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:14:38"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:14:45"} -{"level":"info","message":"GET /chat-sessions 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:14:46"} -{"level":"info","message":"GET /popular-topics 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:14:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:14:48"} -{"level":"info","message":"GET /chat/3 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:14:55"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:15:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:15:48"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:16:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:16:48"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:17:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:17:48"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:18:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:18:51"} -{"level":"info","message":"GET /appuser_status 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:18:54"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:19:03"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:19:03"} -{"level":"info","message":"GET /popular-topics 304 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:19:03"} -{"level":"info","message":"GET /chat/3 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:19:07"} -{"level":"info","message":"GET /chat/3 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:19:30"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:19:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:19:51"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:20:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:20:51"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:21:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:21:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:21:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:22:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:22:28"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:22:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:22:51"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:22:58"} -{"level":"info","message":"GET /list 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:22:58"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:23:05"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:23:05"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:23:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:23:52"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:24:05"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:24:08"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:24:08"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:24:08"} -{"level":"info","message":"POST /refresh 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:24:08"} -{"level":"info","message":"POST /login 200 - 218ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:24:08"} -{"level":"info","message":"GET /users/active 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:24:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:24:09"} -{"level":"info","message":"POST /hospitals/active 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:24:09"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 273ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:24:09"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:24:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:24:51"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:25:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:25:51"} -{"level":"info","message":"POST /login 200 - 185ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:26:13"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:26:19"} -{"level":"info","message":"GET /chat-sessions 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:26:19"} -{"level":"info","message":"GET /popular-topics 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:26:19"} -{"level":"info","message":"GET /chat/3 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:26:21"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:26:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:26:51"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:27:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:27:51"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:28:09"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:28:51"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:29:35"} -{"level":"info","message":"POST /app-user/submit 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:29:43"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:29:51"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:30:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:30:51"} -{"level":"info","message":"POST /login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:31:03"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:31:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:31:51"} -{"level":"info","message":"GET /229 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:32:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:32:51"} -{"level":"info","message":"GET /appuser_status 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:33:25"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:33:35"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:33:39"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:33:41"} -{"level":"info","message":"GET /popular-topics 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:33:41"} -{"level":"info","message":"GET /chat/3 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:33:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:33:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:43"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:43"} -{"level":"info","message":"POST /get-access-token 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:43"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:43"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:43"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:48"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:48"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:34:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:35:49"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:35:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:36:49"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:36:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:37:49"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:37:51"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:38:49"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:38:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:39:49"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:39:51"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:40:49"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:40:51"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:41:51"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:42:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:43:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:44:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:45:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:46:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:47:35"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:47:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:48:35"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:48:45"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:48:57"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:48:58"} -{"level":"info","message":"GET /popular-topics 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:48:58"} -{"level":"info","message":"GET /chat/3 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:49:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:49:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:50:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:51:35"} -{"level":"info","message":"GET /chat/3 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:51:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:52:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:53:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:54:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:55:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:56:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:57:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:58:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 15:59:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:00:35"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:00:55"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:00:56"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:00:56"} -{"level":"info","message":"POST /refresh 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:00:56"} -{"level":"info","message":"POST /login 200 - 121ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:00:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:00:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:00:57"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 214ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:00:57"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 203ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:00:58"} -{"level":"info","message":"POST /hospitals/active 200 - 38ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:00:58"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:01:35"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:07"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:07"} -{"level":"info","message":"POST /get-access-token 200 - 127ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:07"} -{"level":"info","message":"POST /login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:07"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:07"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:10"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:10"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:10"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:10"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:11"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:12"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:12"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:12"} -{"level":"info","message":"POST /hospital/forward 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:15"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:35"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:02:50"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:03:02"} -{"level":"info","message":"GET /chat-sessions 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:03:03"} -{"level":"info","message":"GET /popular-topics 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:03:03"} -{"level":"info","message":"GET /chat/3 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:03:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:03:12"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:03:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:04:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:04:04"} -{"level":"info","message":"POST /hospital/forward 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:04:12"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:04:12"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:04:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:04:48"} -{"level":"info","message":"GET /chat/3 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:08"} -{"level":"info","message":"POST /login 401 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:10"} -{"level":"info","message":"POST /hospital/forward 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:10"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:12"} -{"level":"info","message":"POST /login 200 - 152ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:25"} -{"level":"info","message":"GET /popular-topics 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:25"} -{"level":"info","message":"GET /chat-sessions 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:26"} -{"level":"info","message":"POST /hospital/forward 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:42"} -{"level":"info","message":"POST /hospital/forward 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:05:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:06:02"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:06:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:07:02"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:07:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:07:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:07:56"} -{"level":"info","message":"POST /send-otp 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:08:08"} -{"level":"info","message":"POST /send-otp 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:08:09"} -{"level":"info","message":"POST /send-otp 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:08:10"} -{"level":"info","message":"POST /send-otp 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:08:11"} -{"level":"info","message":"POST /send-otp 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:08:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:08:12"} -{"level":"info","message":"POST /hospital/forward 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:08:15"} -{"level":"info","message":"POST /hospital/forward 200 - 111ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:08:24"} -{"level":"info","message":"POST /send-otp 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:08:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:08:33"} -{"level":"info","message":"POST /hospital/forward 200 - 106ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:08:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:08:41"} -{"cpu":{"loadAvg":0,"usage":2.6615615001167896},"errors":{},"level":"info","memory":{"external":21898323,"heapTotal":88825856,"heapUsed":80687528,"rss":170217472},"message":"Application metrics","requests":{"byEndpoint":{"GET /229":{"failed":40,"success":95,"total":135},"GET /833":{"failed":0,"success":3,"total":3},"GET /appuser_status":{"failed":0,"success":5,"total":5},"GET /chat-sessions":{"failed":1,"success":6,"total":7},"GET /chat/3":{"failed":1,"success":8,"total":9},"GET /colors":{"failed":11,"success":3,"total":14},"GET /get-forwarded-feedbacks":{"failed":0,"success":14,"total":14},"GET /hospital/229":{"failed":0,"success":1,"total":1},"GET /hospital/received":{"failed":2,"success":4,"total":6},"GET /hospitals/onboarded":{"failed":0,"success":3,"total":3},"GET /list":{"failed":0,"success":4,"total":4},"GET /popular-topics":{"failed":0,"success":7,"total":7},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/47/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/833/7":{"failed":0,"success":3,"total":3},"GET /users/active":{"failed":0,"success":1,"total":1},"POST /app-user/submit":{"failed":1,"success":0,"total":1},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":1,"success":5,"total":6},"POST /hospital/forward":{"failed":0,"success":9,"total":9},"POST /hospitals/active":{"failed":0,"success":2,"total":2},"POST /login":{"failed":2,"success":8,"total":10},"POST /refresh":{"failed":0,"success":2,"total":2},"POST /send-otp":{"failed":6,"success":0,"total":6},"POST /verify-pin":{"failed":1,"success":6,"total":7}},"failed":66,"success":196,"total":262},"responseTime":{"avg":16.34732824427481,"max":273,"min":1},"service":"spurrinai-backend","timestamp":"2025-06-08T10:38:44.406Z"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:09:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:09:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:21"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:22"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:22"} -{"level":"info","message":"POST /get-access-token 200 - 119ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:22"} -{"level":"info","message":"POST /login 200 - 155ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:22"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:25"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:25"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:30"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:30"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:32"} -{"level":"info","message":"POST /hospital/forward 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:35"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:35"} -{"level":"info","message":"POST /hospital/forward 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:39"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:39"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:39"} -{"level":"info","message":"POST /get-access-token 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:39"} -{"level":"info","message":"POST /login 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:39"} -{"level":"info","message":"GET /833 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:43"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:43"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:44"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:44"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:44"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:44"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:46"} -{"level":"info","message":"POST /hospital/forward 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:56"} -{"level":"info","message":"POST /hospital/forward 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:10:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:08"} -{"level":"info","message":"POST /hospital/forward 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:36"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:11:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:36"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:12:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:36"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:13:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:33"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:36"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:45"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:56"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:14:56"} -{"level":"info","message":"POST /send-otp 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:08"} -{"level":"info","message":"POST /send-otp 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:11"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:34"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:43"} -{"level":"info","message":"POST /verify-pin 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:43"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:43"} -{"level":"info","message":"GET /popular-topics 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:56"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:58"} -{"level":"info","message":"GET /chat/3 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:15:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:17"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:17"} -{"level":"info","message":"GET /229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:17"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:17"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:17"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:17"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:19"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:22"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:33"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:39"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:43"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:53"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:57"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:57"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:57"} -{"level":"info","message":"POST /refresh 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:57"} -{"level":"info","message":"POST /login 200 - 130ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:59"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 195ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:59"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 196ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:59"} -{"level":"info","message":"POST /hospitals/active 200 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:16:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:14"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:17"} -{"level":"info","message":"POST /check-email-code 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:25"} -{"level":"info","message":"POST /signup 201 - 209ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:34"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:34"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:44"} -{"level":"info","message":"GET /public-signup/229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:44"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:44"} -{"level":"info","message":"GET /hospital-users/229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:17:44"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:04"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:04"} -{"level":"info","message":"POST /get-access-token 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:04"} -{"level":"info","message":"POST /login 200 - 148ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:04"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:04"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:07"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:07"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:07"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:07"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:08"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:09"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:09"} -{"level":"info","message":"GET /public-signup/229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:09"} -{"level":"info","message":"GET /hospital-users/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:09"} -{"level":"info","message":"POST /send-otp 200 - 2848ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:28"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:35"} -{"level":"info","message":"POST /hospital/forward 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:41"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:45"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:45"} -{"level":"info","message":"POST /get-access-token 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:45"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:45"} -{"level":"info","message":"GET /833 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:49"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:49"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:49"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:49"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:50"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:51"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:51"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:54"} -{"level":"info","message":"POST /hospital/forward 200 - 107ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:18:55"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:19:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:19:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:19:52"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:20:10"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:20:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:20:56"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:21:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:21:37"} -{"level":"info","message":"POST /hospital/forward 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:21:43"} -{"level":"info","message":"POST /send-otp 200 - 4184ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:21:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:21:52"} -{"level":"info","message":"POST /send-otp 200 - 2883ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:22:09"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:22:10"} -{"level":"info","message":"POST /hospital/forward 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:22:12"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:22:52"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:23:10"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:23:45"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:23:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:23:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:23:52"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:24:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:24:25"} -{"level":"info","message":"POST /hospital/forward 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:24:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:24:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:24:52"} -{"level":"info","message":"POST /hospital/forward 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:24:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:25:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:25:17"} -{"level":"info","message":"POST /hospital/forward 200 - 146ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:25:27"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:25:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:25:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:25:52"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:26:13"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:26:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:26:16"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:26:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:26:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:26:51"} -{"level":"info","message":"POST /hospital/forward 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:26:53"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:27:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:27:10"} -{"level":"info","message":"POST /hospital/forward 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:27:15"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:27:18"} -{"level":"info","message":"GET /chat-sessions 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:27:18"} -{"level":"info","message":"GET /popular-topics 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:27:18"} -{"level":"info","message":"GET /chat/3 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:27:22"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:27:35"} -{"level":"info","message":"POST /hospital/forward 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:27:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:27:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:27:52"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:28:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:28:53"} -{"level":"info","message":"POST /hospital/forward 200 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:28:56"} -{"level":"info","message":"POST /hospital/forward 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:29:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:29:34"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:29:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:29:52"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:30:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:30:52"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:31:35"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:32:35"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:32:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:32:51"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 203ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:32:54"} -{"level":"info","message":"POST /hospitals/active 200 - 95ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:32:54"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 272ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:32:54"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:33:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:33:52"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:34:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:34:52"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:35:35"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:35:50"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:35:50"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:35:50"} -{"level":"info","message":"POST /refresh 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:35:50"} -{"level":"info","message":"POST /login 200 - 122ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:35:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:35:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:35:52"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 199ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:35:52"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 194ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:35:52"} -{"level":"info","message":"POST /hospitals/active 200 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:35:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:35:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:35:53"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:36:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:36:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:36:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:36:58"} -{"level":"info","message":"POST /hospitals/active 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:36:59"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 251ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:36:59"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 202ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:36:59"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:37:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:38:02"} -{"level":"info","message":"POST /send-otp 200 - 3414ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:38:16"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:38:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:38:52"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:39:35"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:40:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:40:51"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:41:35"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:42:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:42:51"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:43:35"} -{"level":"info","message":"POST /send-otp 200 - 2866ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:44:04"} -{"level":"info","message":"POST /send-otp 200 - 2925ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:44:07"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:44:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:44:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:44:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:44:51"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:45:35"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:46:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:46:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:11"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:11"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:11"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:11"} -{"level":"info","message":"GET /hospital/received 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:12"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:12"} -{"level":"info","message":"POST /hospital/forward 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:17"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:36"} -{"level":"info","message":"POST /hospital/forward 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:47:56"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:48:13"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:48:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:49:13"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:49:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:50:13"} -{"level":"info","message":"GET /appuser_status 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:50:20"} -{"level":"info","message":"POST /hospital/forward 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:50:35"} -{"level":"info","message":"POST /verify-pin 401 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:50:38"} -{"level":"info","message":"POST /verify-pin 401 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:50:40"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:50:46"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:50:46"} -{"level":"info","message":"GET /popular-topics 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:50:47"} -{"level":"info","message":"GET /chat/3 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:50:49"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:51:13"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:13"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:41"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:41"} -{"level":"info","message":"POST /get-access-token 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:41"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:41"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:42"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:44"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:44"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:44"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:49"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:49"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:49"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:49"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:52:49"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:36"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:36"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:36"} -{"level":"info","message":"POST /refresh 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:36"} -{"level":"info","message":"POST /login 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:37"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 211ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:37"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 203ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:38"} -{"level":"info","message":"POST /hospitals/active 200 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:53:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:54:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:54:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:54:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:54:50"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:54:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:54:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:54:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:54:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:55:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:55:50"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:55:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:56:35"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:56:50"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:56:51"} -{"level":"info","message":"POST /send-otp 200 - 2876ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:57:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:57:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:57:46"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:57:46"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:57:46"} -{"level":"info","message":"POST /refresh 200 - 154ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:57:46"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:57:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:57:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:57:48"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 201ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:57:48"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 204ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:57:49"} -{"level":"info","message":"POST /hospitals/active 200 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:57:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:57:50"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:58:05"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:58:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:58:19"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:58:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:58:50"} -{"level":"info","message":"POST /send-otp 200 - 3153ms","service":"spurrinai-backend","timestamp":"2025-06-08 16:59:40"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:00:35"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:00:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:08"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:18"} -{"level":"info","message":"POST /hospital/forward 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:20"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:24"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:24"} -{"level":"info","message":"POST /get-access-token 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:24"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:24"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:28"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:29"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:29"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:29"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:29"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:29"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:30"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:30"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:30"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:30"} -{"level":"info","message":"POST /hospital/forward 200 - 177ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:34"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:35"} -{"level":"info","message":"POST /hospital/forward 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:45"} -{"level":"info","message":"POST /hospital/forward 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:01:57"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:02:30"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:02:35"} -{"level":"info","message":"POST /hospital/forward 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:03:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:03:30"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:03:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:04:30"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:04:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:05:02"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:05:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:05:35"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:05:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:06:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:06:32"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:06:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:06:57"} -{"level":"info","message":"POST /send-otp 200 - 2765ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:06:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:07:30"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:07:35"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:08:35"} -{"cpu":{"loadAvg":0.06,"usage":2.658207742396357},"errors":{},"level":"info","memory":{"external":22055624,"heapTotal":87228416,"heapUsed":83737632,"rss":201854976},"message":"Application metrics","requests":{"byEndpoint":{"GET /229":{"failed":106,"success":232,"total":338},"GET /833":{"failed":0,"success":9,"total":9},"GET /appuser_status":{"failed":0,"success":8,"total":8},"GET /chat-sessions":{"failed":1,"success":9,"total":10},"GET /chat/3":{"failed":1,"success":11,"total":12},"GET /colors":{"failed":32,"success":10,"total":42},"GET /get-forwarded-feedbacks":{"failed":0,"success":2418,"total":2418},"GET /hospital-users/229":{"failed":1,"success":1,"total":2},"GET /hospital/229":{"failed":0,"success":3,"total":3},"GET /hospital/received":{"failed":2,"success":12,"total":14},"GET /hospitals/onboarded":{"failed":0,"success":15,"total":15},"GET /list":{"failed":0,"success":10,"total":10},"GET /popular-topics":{"failed":0,"success":10,"total":10},"GET /public-signup/229":{"failed":1,"success":1,"total":2},"GET /refresh-token/124/6":{"failed":0,"success":10,"total":10},"GET /refresh-token/47/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/833/7":{"failed":0,"success":9,"total":9},"GET /users/active":{"failed":0,"success":1,"total":1},"POST /app-user/submit":{"failed":1,"success":0,"total":1},"POST /check-email-code":{"failed":0,"success":1,"total":1},"POST /get-access-token":{"failed":0,"success":9,"total":9},"POST /hospital-users/login":{"failed":1,"success":15,"total":16},"POST /hospital/forward":{"failed":4,"success":30,"total":34},"POST /hospitals/active":{"failed":0,"success":8,"total":8},"POST /login":{"failed":2,"success":18,"total":20},"POST /refresh":{"failed":0,"success":6,"total":6},"POST /send-otp":{"failed":8,"success":9,"total":17},"POST /signup":{"failed":0,"success":1,"total":1},"POST /verify-pin":{"failed":3,"success":9,"total":12}},"failed":163,"success":2877,"total":3040},"responseTime":{"avg":15.57532894736842,"max":4184,"min":1},"service":"spurrinai-backend","timestamp":"2025-06-08T11:38:44.407Z"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:08:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:09:29"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:09:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:09:38"} -{"level":"info","message":"POST /hospital/forward 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:09:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:10:30"} -{"level":"info","message":"GET /229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:10:35"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:11:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:11:51"} -{"level":"info","message":"POST /hospital/forward 200 - 110ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:12:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:12:30"} -{"level":"info","message":"POST /hospital/forward 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:12:34"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:12:35"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:12:46"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:12:56"} -{"level":"info","message":"GET /chat-sessions 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:12:57"} -{"level":"info","message":"GET /popular-topics 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:12:57"} -{"level":"info","message":"GET /chat/3 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:12:59"} -{"level":"info","message":"POST /send-otp 200 - 2851ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:13:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:13:30"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:13:35"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:14:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:14:51"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:15:05"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:15:13"} -{"level":"info","message":"GET /chat-sessions 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:15:14"} -{"level":"info","message":"GET /popular-topics 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:15:14"} -{"level":"info","message":"GET /chat/3 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:15:16"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:15:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:15:51"} -{"level":"info","message":"POST /hospital/forward 200 - 199ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:16:16"} -{"level":"info","message":"POST /hospital/forward 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:16:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:16:30"} -{"level":"info","message":"POST /hospital/forward 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:16:33"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:16:35"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:17:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:17:43"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:18:35"} -{"level":"info","message":"POST /send-otp 200 - 3699ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:18:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:18:51"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:19:12"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:19:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:19:30"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:19:35"} -{"level":"info","message":"POST /hospital/forward 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:19:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:20:30"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:20:35"} -{"level":"info","message":"POST /hospital/forward 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:20:49"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:21:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:21:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:21:17"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 222ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:21:17"} -{"level":"info","message":"POST /hospitals/active 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:21:17"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 244ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:21:17"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:21:30"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:21:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:22:30"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:22:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:23:30"} -{"level":"info","message":"POST /hospital/forward 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:23:45"} -{"level":"info","message":"POST /hospital/forward 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:24:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:24:30"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:25:51"} -{"level":"info","message":"POST /send-otp 200 - 2859ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:25:51"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:26:06"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:26:30"} -{"level":"info","message":"POST /hospital/forward 200 - 185ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:27:05"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:27:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:28:30"} -{"level":"info","message":"POST /send-otp 200 - 2778ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:28:42"} -{"level":"info","message":"POST /hospital/forward 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:28:45"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:29:30"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:30:30"} -{"level":"info","message":"POST /send-otp 200 - 2875ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:30:57"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:31:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:32:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:33:51"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:34:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:35:51"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:36:30"} -{"level":"info","message":"POST /hospital/forward 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:37:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:37:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:38:51"} -{"level":"info","message":"POST /hospital/forward 200 - 154ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:39:01"} -{"level":"info","message":"POST /hospital/forward 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:39:16"} -{"level":"info","message":"POST /hospital/forward 200 - 104ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:39:23"} -{"level":"info","message":"POST /hospital/forward 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:39:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:39:30"} -{"level":"info","message":"POST /hospital/forward 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:39:56"} -{"level":"info","message":"POST /send-otp 200 - 2703ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:39:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:40:16"} -{"level":"info","message":"POST /hospital/forward 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:40:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:40:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:41:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:42:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:43:51"} -{"level":"info","message":"PUT /change-password 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:44:11"} -{"level":"info","message":"PUT /change-password 400 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:44:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:44:51"} -{"level":"info","message":"PUT /change-password 200 - 201ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:45:14"} -{"level":"info","message":"POST /send-otp 200 - 3356ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:45:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:45:51"} -{"level":"info","message":"PUT /change-password 200 - 119ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:46:36"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:46:51"} -{"level":"info","message":"POST /send-otp 200 - 3035ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:47:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:47:51"} -{"level":"info","message":"POST /login 200 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:48:29"} -{"level":"info","message":"POST /verify-pin 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:48:33"} -{"level":"info","message":"GET /popular-topics 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:48:34"} -{"level":"info","message":"GET /chat-sessions 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:48:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:48:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:49:51"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:50:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:50:51"} -{"level":"info","message":"POST /login 200 - 155ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:53:57"} -{"level":"info","message":"POST /forgot-pin 200 - 3112ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:54:15"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 17:57:28"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 17:57:30"} -{"level":"info","message":"GET /api/app_users/send-pin-otp' 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:58:19"} -{"level":"info","message":"GET /appuser_status 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:58:48"} -{"level":"info","message":"GET /appuser_status 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 17:59:08"} -{"level":"info","message":"POST /login 200 - 131ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:02:36"} -{"level":"info","message":"POST /login 200 - 140ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:06:13"} -{"level":"info","message":"POST /login 200 - 139ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:06:32"} -{"level":"info","message":"POST /login 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:07:56"} -{"level":"info","message":"POST /send-pin-otp 200 - 2814ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:08:03"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:10:11"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:10:11"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:10:12"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:11:01"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:11:06"} -{"level":"info","message":"GET /hospital/received 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:11:07"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:11:10"} -{"level":"info","message":"GET /appuser_status 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:11:25"} -{"level":"info","message":"POST /send-pin-otp 200 - 2922ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:11:34"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:12:02"} -{"level":"info","message":"GET /appuser_status 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:12:16"} -{"level":"info","message":"POST /send-pin-otp 200 - 2417ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:12:24"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:12:45"} -{"level":"info","message":"POST /send-pin-otp 200 - 2584ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:12:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:02"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:12"} -{"level":"info","message":"GET /229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:12"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:12"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:19"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:21"} -{"level":"info","message":"POST /hospital-users/login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:35"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:35"} -{"level":"info","message":"POST /get-access-token 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:36"} -{"level":"info","message":"POST /login 200 - 138ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:36"} -{"level":"info","message":"GET /833 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:36"} -{"level":"info","message":"GET /229 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:40"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:41"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:41"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:41"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:41"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:42"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:42"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:42"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:42"} -{"level":"info","message":"GET /appuser_status 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:48"} -{"level":"info","message":"POST /send-pin-otp 200 - 2948ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:13:57"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:14:57"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:14:57"} -{"level":"info","message":"POST /get-access-token 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:14:57"} -{"level":"info","message":"POST /login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:14:57"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:14:58"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:02"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:02"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:02"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:02"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:02"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:05"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:05"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:06"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:06"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:06"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:06"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:06"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:06"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:06"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:06"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:27"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:27"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:27"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:27"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:27"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:15:31"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:16:28"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:17:03"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:17:28"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:17:32"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:18:21"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:18:28"} -{"level":"info","message":"GET /hospital/received 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:19:07"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:19:28"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:19:35"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:19:53"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:19:55"} -{"level":"info","message":"POST /send-pin-otp 200 - 2998ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:19:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:20:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:20:44"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:20:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:20:44"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:20:44"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:20:44"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:20:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:20:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:20:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:20:45"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:20:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:20:50"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:21:01"} -{"level":"info","message":"GET /public-signup/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:21:01"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:21:01"} -{"level":"info","message":"GET /hospital-users/229 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:21:01"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:21:02"} -{"level":"info","message":"GET /public-signup/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:21:02"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:22:01"} -{"level":"info","message":"POST /login 200 - 150ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:22:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:23:01"} -{"level":"info","message":"GET /hospital/received 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:23:11"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:23:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:23:11"} -{"level":"info","message":"GET /hospital/received 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:23:11"} -{"level":"info","message":"POST /app-user/submit 201 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:23:40"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:24:11"} -{"level":"info","message":"POST /app-user/submit 201 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:24:41"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:25:01"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:25:02"} -{"level":"info","message":"GET /hospital/received 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:25:02"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:25:02"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:25:02"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:25:02"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:25:02"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:25:02"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:25:03"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:25:04"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:25:07"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:26:04"} -{"level":"info","message":"POST /app-user/submit 201 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:26:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:26:57"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:26:57"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:26:57"} -{"level":"info","message":"GET /hospital/received 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:26:57"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:26:57"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:26:57"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:26:57"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:26:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:26:58"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:26:58"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:27:01"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:27:59"} -{"level":"info","message":"POST /app-user/submit 201 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:28:49"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:28:58"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 18:29:44"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 18:29:47"} -{"level":"info","message":"POST /app-user/submit 201 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:29:59"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:29:59"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:30:58"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:31:58"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 18:32:04"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 18:32:07"} -{"level":"info","message":"POST /app-user/submit 201 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:32:14"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:32:59"} -{"level":"info","message":"POST /app-user/submit 201 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:33:06"} -{"level":"info","message":"GET /appuser_status 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:33:26"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:33:59"} -{"level":"info","message":"POST /send-pin-otp 200 - 2618ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:34:14"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:34:30"} -{"level":"info","message":"POST /send-pin-otp 200 - 2880ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:34:40"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:35:47"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:35:51"} -{"level":"info","message":"POST /send-pin-otp 200 - 2809ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:36:12"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:36:48"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:37:01"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:37:35"} -{"level":"info","message":"GET /public-signup/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:37:35"} -{"level":"info","message":"GET /hospital-users/229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:37:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:37:35"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:37:35"} -{"level":"info","message":"GET /public-signup/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:37:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:37:42"} -{"level":"info","message":"GET /hospital/229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:37:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:37:43"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:37:43"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:38:43"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:39:17"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:39:46"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:39:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:39:50"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:41:43"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:42:32"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:42:43"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:42:46"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:43:07"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:43:07"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:43:07"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:43:07"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:43:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:43:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:43:07"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:43:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:43:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:43:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:43:08"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:43:10"} -{"level":"info","message":"POST /upload 200 - 124ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:43:30"} -{"level":"info","message":"GET /hospital/229 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:43:37"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:44:06"} -{"level":"info","message":"GET /hospital/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:44:07"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:44:07"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:44:07"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:44:07"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:44:07"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:44:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:44:07"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:44:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:44:07"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:44:07"} -{"level":"info","message":"GET /hospital/229 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:45:08"} -{"level":"info","message":"GET /229 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:45:08"} -{"level":"info","message":"GET /colors 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:45:08"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:45:10"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:45:10"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:45:12"} -{"level":"info","message":"GET /229 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:45:15"} -{"level":"info","message":"GET /229 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:45:15"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:45:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:45:21"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:45:33"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:46:13"} -{"level":"info","message":"GET /hospital/229 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:46:45"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:46:45"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:47:05"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:47:09"} -{"level":"info","message":"POST /upload 200 - 95ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:47:43"} -{"level":"info","message":"GET /hospital/229 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:47:51"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:48:05"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:48:05"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:48:05"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:48:05"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:48:05"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:48:05"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:48:06"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:48:06"} -{"level":"info","message":"GET /229 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:48:07"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:48:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:49:07"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:50:07"} -{"level":"info","message":"GET /hospital/229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:50:43"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:50:43"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:50:43"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:50:43"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:50:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:50:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:50:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:50:44"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:50:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:50:45"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:50:48"} -{"level":"info","message":"GET /hospital/229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:51:23"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:51:25"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 18:51:34"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 18:51:37"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:51:53"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:52:47"} -{"level":"info","message":"GET /hospital/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:53:27"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:53:27"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:53:44"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:53:48"} -{"level":"info","message":"POST /upload 200 - 138ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:54:20"} -{"level":"info","message":"GET /hospital/229 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:54:32"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:54:40"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:54:40"} -{"level":"info","message":"GET /hospital/229 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:54:40"} -{"level":"info","message":"GET /229 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:54:40"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:54:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:54:41"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:54:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:54:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:54:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:54:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:54:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:54:45"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:55:42"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:56:33"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:56:42"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:57:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:57:19"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:57:19"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:57:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:57:20"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:57:21"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:57:21"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:57:21"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:57:22"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:57:25"} -{"level":"info","message":"POST /upload 200 - 119ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:11"} -{"level":"info","message":"GET /hospital/229 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:19"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:22"} -{"level":"info","message":"GET /hospital/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:25"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:25"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:25"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:25"} -{"level":"info","message":"GET /hospital/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:26"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:26"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:26"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:26"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:26"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:27"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:31"} -{"level":"info","message":"POST /login 404 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:40"} -{"level":"info","message":"POST /login 200 - 805ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:58:52"} -{"level":"info","message":"POST /verify-pin 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:59:08"} -{"level":"info","message":"GET /chat-sessions 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:59:09"} -{"level":"info","message":"GET /popular-topics 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:59:09"} -{"level":"info","message":"GET /chat/3 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:59:14"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 18:59:27"} -{"level":"info","message":"POST /app-user/submit 201 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:00:23"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:00:33"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:01:27"} -{"level":"info","message":"POST /send-otp 200 - 2519ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:02:03"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:02:17"} -{"level":"info","message":"GET /hospital/229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:02:17"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:02:18"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:02:18"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:02:18"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:02:18"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:02:18"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:02:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:02:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:02:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:02:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:02:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:02:22"} -{"level":"info","message":"PUT /change-password 200 - 151ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:03:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:03:21"} -{"level":"info","message":"POST /login 200 - 172ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:03:34"} -{"level":"info","message":"POST /forgot-pin 200 - 2954ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:03:42"} -{"level":"info","message":"POST /forgot-pin 200 - 2958ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:03:55"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:04:20"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:05:20"} -{"level":"info","message":"POST /hospital-users/login 401 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:05:49"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:05:54"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:05:54"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:05:54"} -{"level":"info","message":"POST /refresh 200 - 200ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:05:54"} -{"level":"info","message":"POST /login 200 - 305ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:05:55"} -{"level":"info","message":"GET /users/active 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:05:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:05:55"} -{"level":"info","message":"POST /hospitals/active 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:05:55"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 284ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:05:55"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:06:00"} -{"level":"info","message":"GET /appuser_status 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:06:12"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:06:53"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:06:55"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:06:59"} -{"level":"info","message":"GET /refresh-token/839/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:06:59"} -{"level":"info","message":"POST /get-access-token 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:06:59"} -{"level":"info","message":"POST /login 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:06:59"} -{"level":"info","message":"GET /839 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:06:59"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:00"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:02"} -{"level":"info","message":"GET /236 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:02"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:02"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:02"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:02"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:02"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:02"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:02"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:02"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:02"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:07"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:07"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:07"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:07"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:11"} -{"level":"info","message":"GET /hospital-users/236 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:11"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:12"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:17"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:22"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:24"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:24"} -{"level":"info","message":"GET /hospital/236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:24"} -{"level":"info","message":"GET /hospital-users/236 404 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:25"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:25"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:25"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:26"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:27"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:30"} -{"level":"info","message":"GET /hospital-users/236 404 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:30"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:30"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:30"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:30"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:30"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:30"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:30"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:45"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:50"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:07:55"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:05"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:15"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:25"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:30"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:30"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:33"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:40"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:42"} -{"level":"info","message":"GET /popular-topics 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:43"} -{"level":"info","message":"GET /chat-sessions 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:43"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:50"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:08:55"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:00"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:05"} -{"level":"info","message":"POST /login 200 - 153ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:08"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:10"} -{"level":"info","message":"POST /send-pin-otp 200 - 2445ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:15"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:20"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:25"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:40"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:50"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:09:55"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:10:00"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:10:31"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:11:31"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:12:28"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:12:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:12:28"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:12:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:12:28"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:12:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:12:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:12:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:12:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:12:29"} -{"level":"info","message":"GET /229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:12:30"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:12:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:12:33"} -{"level":"info","message":"POST /upload 200 - 100ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:12:52"} -{"level":"info","message":"GET /hospital/229 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:13:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:13:11"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:13:11"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:13:11"} -{"level":"info","message":"GET /hospital/229 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:13:12"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:13:12"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:13:12"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:13:12"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:13:12"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:13:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:13:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:13:17"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:13:31"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:14:13"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:14:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:15:13"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 19:15:19"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 19:15:21"} -{"level":"info","message":"GET /236 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:15:37"} -{"level":"info","message":"GET /236 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:16:37"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:17:18"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:17:19"} -{"level":"info","message":"GET /appuser_status 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:17:20"} -{"level":"info","message":"POST /send-pin-otp 200 - 2785ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:17:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:17:29"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:17:31"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:17:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:17:39"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:17:44"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:17:49"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:17:54"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:17:59"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:18:04"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:18:04"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:18:09"} -{"level":"info","message":"POST /send-pin-otp 200 - 2814ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:18:14"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:18:14"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:18:19"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:18:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:18:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:18:34"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:18:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:18:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:18:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:18:44"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:19:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:17"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:17"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:17"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:17"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:17"} -{"level":"info","message":"GET /hospital/229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:17"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:18"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:22"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:37"} -{"level":"info","message":"POST /upload 200 - 100ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:39"} -{"level":"info","message":"GET /hospital/229 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:40"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:20:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:21:19"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:21:37"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:07"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:16"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:19"} -{"level":"info","message":"POST /upload 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:32"} -{"level":"info","message":"GET /hospital/229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:33"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:37"} -{"level":"info","message":"GET /hospital/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:45"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:45"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:45"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:22:50"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:23:37"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:23:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:23:46"} -{"level":"info","message":"POST /send-pin-otp 200 - 2941ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:23:49"} -{"level":"info","message":"POST /api/app_users/change-pin 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:24:05"} -{"level":"info","message":"POST /api/app_users/change-pin 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:24:11"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:24:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:24:47"} -{"level":"info","message":"DELETE /delete/439 200 - 263ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:24:52"} -{"level":"info","message":"GET /hospital/229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:24:52"} -{"level":"info","message":"DELETE /delete/438 200 - 258ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:25:03"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:25:03"} -{"level":"info","message":"DELETE /delete/437 200 - 573ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:25:08"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:25:08"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:25:19"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:25:24"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:25:37"} -{"level":"info","message":"POST /api/app_users/change-pin 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:25:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:25:46"} -{"level":"info","message":"POST /upload 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:25:52"} -{"level":"info","message":"GET /hospital/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:25:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:05"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:05"} -{"level":"info","message":"GET /hospital/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:05"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:05"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:05"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:05"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:05"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:06"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:06"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:10"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:25"} -{"level":"info","message":"PUT /change-pin 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:30"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:26:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:27:07"} -{"level":"info","message":"PUT /change-pin 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:27:14"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:27:24"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:27:37"} -{"level":"info","message":"POST /upload 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:27:48"} -{"level":"info","message":"GET /hospital/229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:27:49"} -{"level":"info","message":"GET /hospital/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:28:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:28:05"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:28:05"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:28:05"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:28:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:28:05"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:28:05"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:28:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:28:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:28:05"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:28:06"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:28:06"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:28:10"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:28:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:29:07"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:29:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:29:39"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:29:39"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:29:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:29:39"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:29:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:29:40"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:29:40"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:29:40"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:29:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:29:41"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:03"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:04"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:04"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:13"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:13"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:13"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:13"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:13"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:13"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:13"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:13"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:13"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:13"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:21"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:21"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:21"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:21"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:21"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:22"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:22"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:22"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:30:37"} -{"level":"info","message":"POST /send-pin-otp 200 - 2909ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:31:03"} -{"level":"info","message":"PUT /change-pin 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:31:31"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:31:37"} -{"level":"info","message":"PUT /change-pin 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:08"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:09"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:09"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:09"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:09"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:09"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:09"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:09"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:10"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:10"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:14"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:14"} -{"level":"info","message":"GET /chat-sessions 404 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:15"} -{"level":"info","message":"GET /popular-topics 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:15"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:37"} -{"level":"info","message":"POST /upload 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:45"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:57"} -{"level":"info","message":"GET /229 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:57"} -{"level":"info","message":"GET /colors 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:57"} -{"level":"info","message":"GET /hospital/229 304 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:57"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:57"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:57"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:57"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:58"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:58"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:32:58"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:02"} -{"level":"info","message":"POST /upload 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:23"} -{"level":"info","message":"GET /hospital/229 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:36"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:37"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:37"} -{"level":"info","message":"GET /236 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:37"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:37"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:37"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:37"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:37"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:38"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:38"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:33:42"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:34:37"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:34:38"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:35:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:35:39"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:36:26"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:36:30"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:36:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:36:38"} -{"level":"info","message":"POST /upload 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:07"} -{"level":"info","message":"POST /upload 200 - 111ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:33"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:38"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:46"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:47"} -{"level":"info","message":"GET /hospital/229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:47"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:47"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:47"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:47"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:37:52"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:38:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:38:08"} -{"level":"info","message":"GET /hospital-users/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:38:08"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:38:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:38:08"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:38:08"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:38:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:39:08"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:39:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:08"} -{"level":"info","message":"POST /signup 500 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:09"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:33"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:33"} -{"level":"info","message":"GET /public-signup/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:33"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:33"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:33"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:40:38"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:41:34"} -{"level":"info","message":"POST /login 200 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:41:56"} -{"level":"info","message":"POST /send-pin-otp 200 - 2989ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:42:04"} -{"level":"info","message":"POST /send-pin-otp 200 - 2678ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:42:17"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:42:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:43:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:43:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:43:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:43:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:43:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:43:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:43:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:43:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:43:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:43:30"} -{"level":"info","message":"POST /signup 201 - 300ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:43:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:43:59"} -{"level":"info","message":"POST /signup 400 - 145ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:05"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:05"} -{"level":"info","message":"GET /hospital-users/229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:05"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:05"} -{"level":"info","message":"GET /hospital-users/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:30"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:30"} -{"level":"info","message":"GET /public-signup/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:30"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:30"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:30"} -{"level":"info","message":"GET /public-signup/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:30"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:31"} -{"level":"info","message":"GET /hospital-users/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:31"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:31"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:35"} -{"level":"info","message":"POST /signup 201 - 193ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:52"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:44:53"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:45:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:45:31"} -{"level":"info","message":"GET /hospital-users/229 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:45:31"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:45:31"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:45:31"} -{"level":"info","message":"GET /hospital-users/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:45:31"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:45:32"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:45:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:45:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:45:32"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:45:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:45:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:45:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:45:36"} -{"level":"info","message":"POST /signup 400 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:46:15"} -{"level":"info","message":"POST /signup 201 - 209ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:46:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:46:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:47:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:48:26"} -{"level":"info","message":"GET /hospital-users/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:48:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:25"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:46"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:46"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:46"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:46"} -{"level":"info","message":"GET /hospital-users/229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:46"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:49:51"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:50:48"} -{"level":"info","message":"POST /signup 201 - 255ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:51:05"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:51:05"} -{"level":"info","message":"GET /hospital-users/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:51:23"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 19:51:27"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 19:51:29"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:52:06"} -{"level":"info","message":"GET /hospital-users/229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:52:33"} -{"level":"info","message":"POST /signup 201 - 240ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:52:34"} -{"level":"info","message":"POST /signup 201 - 220ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:52:51"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:53:05"} -{"level":"info","message":"GET /hospital-users/229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:53:16"} -{"level":"info","message":"POST /login 200 - 151ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:53:21"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:53:25"} -{"level":"info","message":"GET /chat-sessions 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:53:25"} -{"level":"info","message":"GET /popular-topics 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:53:25"} -{"level":"info","message":"GET /appuser_status 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:53:53"} -{"level":"info","message":"POST /send-pin-otp 200 - 2664ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:54:02"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:54:06"} -{"level":"info","message":"GET /hospital-users/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:54:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:54:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:54:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:06"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:37"} -{"level":"info","message":"GET /public-signup/229 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:37"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:37"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:37"} -{"level":"info","message":"GET /public-signup/229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:38"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:38"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:39"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:41"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:43"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:45"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:47"} -{"level":"info","message":"POST /send-pin-otp 200 - 2542ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:55:50"} -{"level":"info","message":"GET /appuser_status 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:04"} -{"level":"info","message":"POST /verify-pin 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:12"} -{"level":"info","message":"GET /chat-sessions 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:12"} -{"level":"info","message":"GET /popular-topics 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:12"} -{"level":"info","message":"POST /send-otp 200 - 2418ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:27"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:30"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:30"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:32"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:43"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:43"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:43"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:43"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:43"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:43"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:43"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:43"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:56:48"} -{"level":"info","message":"PUT /change-password 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:06"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:13"} -{"level":"info","message":"PUT /change-password 400 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:13"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:24"} -{"level":"info","message":"GET /public-signup/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:25"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:25"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:25"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:25"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:25"} -{"level":"info","message":"GET /public-signup/229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:25"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:25"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:25"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:29"} -{"level":"info","message":"POST /send-otp 200 - 2932ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:29"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:44"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:44"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:44"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:44"} -{"level":"info","message":"GET /public-signup/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:44"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:44"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:44"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:44"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:57:49"} -{"level":"info","message":"PUT /change-password 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:13"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 213ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:13"} -{"level":"info","message":"POST /hospitals/active 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:13"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 245ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:14"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:17"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:19"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 200ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:20"} -{"level":"info","message":"POST /hospitals/active 200 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:20"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 190ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:20"} -{"level":"info","message":"POST /login 200 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:24"} -{"level":"info","message":"POST /send-pin-otp 200 - 3073ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:58:45"} -{"level":"info","message":"PUT /change-pin 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:59:25"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:59:36"} -{"level":"info","message":"GET /chat-sessions 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:59:36"} -{"level":"info","message":"GET /popular-topics 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:59:36"} -{"level":"info","message":"GET /appuser_status 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:59:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:59:45"} -{"level":"info","message":"POST /send-pin-otp 200 - 2736ms","service":"spurrinai-backend","timestamp":"2025-06-08 19:59:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:03"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:03"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:04"} -{"level":"info","message":"POST /send-pin-otp 200 - 2757ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:08"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:29"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:31"} -{"level":"info","message":"GET /public-signup/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:51"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:51"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:51"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:51"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:51"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:53"} -{"level":"info","message":"GET /public-signup/229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:56"} -{"level":"info","message":"GET /229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:56"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:56"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:56"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:56"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:56"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:57"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:57"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:57"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:57"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:00:58"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:01"} -{"level":"info","message":"GET /chat-sessions 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:01"} -{"level":"info","message":"GET /popular-topics 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:02"} -{"level":"info","message":"POST /send-otp 200 - 2829ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:22"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:28"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:30"} -{"level":"info","message":"GET /public-signup/229 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:46"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:46"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:46"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:47"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:47"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:48"} -{"level":"info","message":"POST /send-otp 200 - 2809ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:01:51"} -{"level":"info","message":"POST /login 200 - 151ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:22"} -{"level":"info","message":"POST /send-pin-otp 200 - 2604ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:32"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:46"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:48"} -{"level":"info","message":"GET /229 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:55"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:55"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:55"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:55"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:55"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:55"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:55"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:55"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:56"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:02:56"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:03:00"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:03:30"} -{"level":"info","message":"POST /verify-pin 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:03:38"} -{"level":"info","message":"GET /chat-sessions 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:03:38"} -{"level":"info","message":"GET /popular-topics 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:03:38"} -{"level":"info","message":"POST /send-otp 200 - 2823ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:03:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:03:56"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:45"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:47"} -{"level":"info","message":"GET /public-signup/229 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:57"} -{"level":"info","message":"GET /colors 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:57"} -{"level":"info","message":"GET /public-signup/229 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:57"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:57"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:57"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:57"} -{"level":"info","message":"GET /229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:57"} -{"level":"info","message":"GET /229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:57"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:57"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:57"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:58"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:58"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:04:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:05:01"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:05:14"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:05:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:05:14"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:05:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:05:15"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:05:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:05:16"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:05:16"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:05:16"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:05:16"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:05:16"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:05:16"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:16"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:26"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:26"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:26"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:47"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:55"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:55"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:55"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:55"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:55"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:55"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:56"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:56"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:56"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:56"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:06:56"} -{"level":"info","message":"POST /signup 201 - 257ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:07:14"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:07:43"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:07:43"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:07:43"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:07:43"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:07:43"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:07:43"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:07:43"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:07:43"} -{"level":"info","message":"POST /send-otp 200 - 2648ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:07:51"} -{"level":"info","message":"POST /hospital-users/login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:41"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:43"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:43"} -{"level":"info","message":"GET /refresh-token/47/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:43"} -{"level":"info","message":"POST /refresh 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:43"} -{"level":"info","message":"POST /login 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:44"} -{"level":"info","message":"GET /users/active 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:44"} -{"level":"info","message":"POST /hospitals/active 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:44"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 267ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:44"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:47"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:47"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:47"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:47"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:47"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:47"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:48"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:48"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:48"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:48"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:08:48"} -{"level":"info","message":"POST /hospitals/active 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:07"} -{"level":"info","message":"POST /signup 201 - 235ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:16"} -{"level":"info","message":"GET /list 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:19"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:22"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:27"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:28"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:28"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:28"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:28"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:28"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:29"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:29"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:29"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:29"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:29"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:53"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:53"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:53"} -{"level":"info","message":"GET /refresh-token/839/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:53"} -{"level":"info","message":"POST /get-access-token 200 - 234ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:54"} -{"level":"info","message":"POST /login 200 - 152ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:54"} -{"level":"info","message":"GET /839 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:54"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:54"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:54"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:54"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:54"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:54"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:54"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:54"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:55"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:55"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:56"} -{"level":"info","message":"GET /236 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:56"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:56"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:56"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:56"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:56"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:56"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:56"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:56"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:56"} -{"level":"info","message":"GET /hospital-users/236 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:59"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:59"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:09:59"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:01"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:03"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:03"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:03"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:03"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:03"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:03"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:06"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:08"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:08"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:16"} -{"level":"info","message":"POST /send-otp 200 - 2847ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:19"} -{"level":"info","message":"POST /signup 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:20"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:26"} -{"level":"info","message":"POST /send-otp 200 - 2264ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:27"} -{"level":"info","message":"POST /signup 201 - 206ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:29"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:31"} -{"level":"info","message":"GET /hospital-users/236 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:33"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:33"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:33"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:36"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:46"} -{"level":"info","message":"GET /hospital/236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:48"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:48"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:48"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:48"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:48"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:48"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:48"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:48"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:48"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:49"} -{"level":"info","message":"GET /hospital-users/236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:49"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:49"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:50"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:50"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:50"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:51"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:55"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:55"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:55"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:56"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:56"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:59"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:10:59"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:22"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:23"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:23"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:23"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:23"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:23"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:23"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:23"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:30"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:30"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:31"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:31"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:32"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:32"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:33"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:33"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:33"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:33"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:34"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:11:57"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:12:57"} -{"level":"info","message":"POST /login 200 - 147ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:13:07"} -{"level":"info","message":"POST /send-pin-otp 200 - 2344ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:13:20"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:13:31"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:13:31"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:13:31"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:13:32"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:13:32"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:13:32"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:13:32"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:13:32"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:13:32"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:13:32"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:13:33"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:13:57"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:06"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:06"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:06"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:06"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:06"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:06"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:06"} -{"level":"info","message":"GET /hospital-users/eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpZCI6ODMzLCJlbWFpbCI6ImJvdEBnbWFpbC5jb20iLCJyb2xlIjoiU3VwZXJhZG1pbiIsImlhdCI6MTc0OTM4NjY5NywiZXhwIjoxNzQ5NDA0Njk3fQ.xnJ3EaFL0nEjbjtivINyOdG9Rm10cowH50c-q3Xb_PY 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:07"} -{"level":"info","message":"GET /hospital-users/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:41"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:14:57"} -{"level":"info","message":"POST /signup 201 - 212ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:15:00"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:15:00"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:16:01"} -{"level":"info","message":"GET /hospital-users/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:16:46"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:16:46"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:16:46"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:16:46"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:16:46"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:16:46"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:16:46"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:16:47"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:16:47"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:16:47"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:01"} -{"level":"info","message":"POST /signup 201 - 206ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:03"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:03"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:23"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:26"} -{"level":"info","message":"GET /hospital-users/229 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:26"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:26"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:26"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:26"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:27"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:27"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:27"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:27"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:28"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:30"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:30"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:30"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:31"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:31"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:31"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:33"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:17:34"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:18:04"} -{"level":"info","message":"POST /signup 201 - 295ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:18:25"} -{"level":"info","message":"POST /app-user/submit 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:18:48"} -{"level":"info","message":"POST /login 200 - 134ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:01"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:04"} -{"level":"info","message":"GET /hospital-users/229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:13"} -{"level":"info","message":"POST /app-user/submit 201 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:22"} -{"level":"info","message":"POST /signup 201 - 252ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:23"} -{"level":"info","message":"GET /hospital/received 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:32"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:32"} -{"level":"info","message":"POST /app-user/submit 201 - 125ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:19:41"} -{"level":"info","message":"GET /appuser_status 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:20:03"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:20:04"} -{"level":"info","message":"POST /app-user/submit 201 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:20:19"} -{"level":"info","message":"POST /send-pin-otp 200 - 3667ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:20:24"} -{"level":"info","message":"POST /hospitals/active 200 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:20:25"} -{"level":"info","message":"POST /hospital/forward 200 - 125ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:20:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:20:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:20:28"} -{"level":"info","message":"POST /hospital/forward 200 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:20:36"} -{"level":"info","message":"GET /hospital/received 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:20:48"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:20:48"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:21:04"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:22:04"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:22:09"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:22:09"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:22:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:22:52"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:22:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:22:52"} -{"level":"info","message":"GET /hospital-users/229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:23:01"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:23:01"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:23:01"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:23:02"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:23:02"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:23:02"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:23:02"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:23:02"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:23:04"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:23:04"} -{"level":"info","message":"POST /signup 400 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:23:29"} -{"level":"info","message":"POST /signup 201 - 185ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:23:38"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:24:37"} -{"level":"info","message":"GET /hospital-users/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:14"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:14"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:15"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:15"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:15"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:15"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:15"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:17"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:37"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:48"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:50"} -{"level":"info","message":"GET /hospital-users/229 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:52"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:53"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:53"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:53"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:53"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:54"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:25:55"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:26:02"} -{"level":"info","message":"GET /hospital-users/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:26:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:26:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:26:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:26:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:26:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:26:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:26:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:26:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:26:14"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:26:37"} -{"level":"info","message":"POST /signup 201 - 278ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:26:40"} -{"level":"info","message":"GET /hospital-users/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:18"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:18"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:18"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:18"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:18"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:18"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:18"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:28"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:28"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:29"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:30"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:31"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:32"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:32"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:27:52"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:07"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:08"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:08"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:08"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:08"} -{"level":"info","message":"GET /hospital-users/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:08"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:08"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:08"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:08"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:11"} -{"level":"info","message":"POST /signup 201 - 245ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:30"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:34"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:36"} -{"level":"info","message":"GET /236 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:37"} -{"level":"info","message":"GET /hospital-users/229 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:39"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:39"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:39"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:39"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:40"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:40"} -{"level":"info","message":"POST /signup 201 - 214ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:28:52"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:29:37"} -{"level":"info","message":"GET /hospital-users/229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:29:42"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:29:42"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:29:42"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:29:42"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:29:42"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:29:42"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:29:42"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:29:42"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:29:42"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:29:42"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:30:09"} -{"level":"info","message":"POST /signup 201 - 192ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:30:09"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:30:37"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:31:37"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:31:55"} -{"level":"info","message":"POST /logout 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:32:01"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:32:04"} -{"level":"info","message":"POST /send-otp 200 - 2982ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:32:41"} -{"level":"info","message":"POST /send-otp 200 - 2871ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:33:00"} -{"level":"info","message":"POST /send-otp 200 - 2447ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:33:06"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:33:37"} -{"level":"info","message":"PUT /change-password 200 - 163ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:34:02"} -{"level":"info","message":"GET /hospital-users/229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:34:03"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:34:04"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:34:04"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:34:04"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:34:04"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:34:04"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:34:05"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:34:05"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:34:07"} -{"level":"info","message":"POST /login 200 - 163ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:34:29"} -{"level":"info","message":"POST /send-pin-otp 200 - 2854ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:34:36"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:34:37"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:35:37"} -{"level":"info","message":"POST /send-pin-otp 200 - 2634ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:35:54"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:36:37"} -{"level":"info","message":"PUT /change-pin 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:36:43"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:36:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:36:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:36:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:36:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:36:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:36:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:36:52"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:36:52"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:37:37"} -{"level":"info","message":"GET /appuser_status 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:37:38"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:37:51"} -{"level":"info","message":"GET /chat-sessions 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:37:52"} -{"level":"info","message":"GET /popular-topics 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:37:52"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:32"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:32"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:32"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:32"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:32"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:32"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:32"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:33"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:33"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:34"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:34"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:34"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:34"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:34"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:34"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:37"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:38:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:17"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:17"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:17"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:17"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:18"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:18"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:18"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:18"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:18"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:43"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:43"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:43"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:43"} -{"level":"info","message":"GET /hospital-users/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:43"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:43"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:44"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:44"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:39:44"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:31"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:31"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:32"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:33"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:34"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:34"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:35"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:36"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:37"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:48"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:50"} -{"level":"info","message":"GET /hospital-users/229 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:40:52"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:05"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:05"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:06"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:07"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:19"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:19"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:19"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:19"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:19"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:19"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:19"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:19"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:41:23"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:42:04"} -{"level":"info","message":"POST /send-temp-password 200 - 3104ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:42:08"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:42:33"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:42:33"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:42:33"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:42:33"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:42:34"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:42:34"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:42:34"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:42:35"} -{"level":"info","message":"GET /236 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:43:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:44:36"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:44:36"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:44:36"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:44:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:44:37"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:44:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:44:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:44:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:44:38"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:45:09"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:45:09"} -{"level":"info","message":"GET /hospital-users/229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:45:09"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:45:09"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:45:09"} -{"level":"info","message":"GET /hospital-users/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:45:10"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:45:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:45:14"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:45:37"} -{"level":"info","message":"POST /send-temp-password 200 - 2799ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:46:05"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:46:37"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:47:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:48:10"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:48:10"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:48:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:48:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:48:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:48:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:48:11"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:48:14"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:48:14"} -{"level":"info","message":"POST /send-temp-password 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:48:16"} -{"level":"info","message":"POST /send-temp-password 200 - 2774ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:48:30"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:48:37"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:49:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:50:04"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:50:04"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:50:04"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:50:05"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:50:05"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:50:05"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:50:05"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:50:07"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:50:37"} -{"level":"info","message":"POST /send-temp-password 200 - 3327ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:50:45"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:51:34"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:51:34"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:51:34"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:51:35"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:51:35"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:51:35"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:51:35"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:51:35"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:51:35"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:51:37"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:51:37"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:51:57"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:51:57"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:52:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:52:53"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:52:56"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:53:04"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 20:53:17"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 20:53:19"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:53:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:53:31"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:53:36"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:53:41"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:53:46"} -{"level":"info","message":"POST /send-temp-password 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:53:47"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:53:51"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:53:56"} -{"level":"info","message":"POST /send-temp-password 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:54:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:54:01"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:54:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:54:05"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:54:05"} -{"level":"info","message":"POST /send-otp 200 - 3066ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:54:15"} -{"level":"info","message":"POST /send-otp 200 - 5115ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:54:17"} -{"level":"info","message":"POST /send-temp-password 500 - 1195ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:54:29"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:55:04"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 20:56:04"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 20:56:06"} -{"level":"info","message":"POST /send-temp-password 200 - 1428ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:56:16"} -{"level":"info","message":"POST /send-otp 200 - 3024ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:56:35"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:56:37"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:57:37"} -{"level":"info","message":"POST /send-otp 200 - 3073ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:57:39"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:58:37"} -{"level":"info","message":"POST /send-otp 200 - 3126ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:58:50"} -{"level":"info","message":"POST /send-otp 200 - 2797ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:59:04"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 20:59:37"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 21:00:16"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 21:00:18"} -{"level":"info","message":"POST /send-otp 200 - 2762ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:00:27"} -{"level":"info","message":"GET /236 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:00:37"} -{"level":"info","message":"POST /send-temp-password 200 - 1331ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:00:54"} -{"level":"info","message":"POST /send-otp 200 - 2907ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:01:22"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:01:37"} -{"level":"info","message":"POST /send-otp 200 - 2817ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:03:31"} -{"level":"info","message":"GET /_profiler/phpinfo 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:03:39"} -{"level":"info","message":"GET /hospital-users/229 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:04:56"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:04:56"} -{"level":"info","message":"GET /hospital-users/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:05:12"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:05:27"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:05:27"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:05:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:05:51"} -{"level":"info","message":"GET /hospital-users/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:06:17"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:06:17"} -{"level":"info","message":"GET /hospital-users/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:06:35"} -{"level":"info","message":"GET /hospital-users/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:06:54"} -{"level":"info","message":"POST /signup 201 - 242ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:08:32"} -{"level":"info","message":"POST /signup 201 - 299ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:08:57"} -{"level":"info","message":"POST /signup 201 - 197ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:11:16"} -{"level":"info","message":"POST /signup 201 - 201ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:11:56"} -{"level":"info","message":"POST /signup 201 - 190ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:13:00"} -{"level":"info","message":"POST /signup 201 - 211ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:13:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:14:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:14:10"} -{"level":"info","message":"POST /hospitals/active 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:14:10"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 266ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:14:10"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 200ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:14:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:14:16"} -{"level":"info","message":"POST /hospitals/active 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:14:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:14:16"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 244ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:14:16"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 228ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:14:16"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 201ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:15:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:15:07"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:15:07"} -{"level":"info","message":"POST /hospitals/active 200 - 54ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:15:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:15:08"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 216ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:15:08"} -{"level":"info","message":"POST /initialize 201 - 181ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:15:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:16:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:16:23"} -{"level":"info","message":"POST /hospitals/active 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:16:23"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 274ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:16:23"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 208ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:16:23"} -{"level":"info","message":"POST /send-temp-password 200 - 1452ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:18:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:18:31"} -{"level":"info","message":"POST /hospitals/active 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:18:31"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 258ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:18:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:18:42"} -{"level":"info","message":"POST /hospitals/active 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:18:42"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 252ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:18:42"} -{"level":"info","message":"POST /login 200 - 135ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:02"} -{"level":"info","message":"POST /forgot-pin 200 - 3034ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:08"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:10"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:11"} -{"level":"info","message":"POST /hospital-users/login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:24"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 208ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:24"} -{"level":"info","message":"POST /hospitals/active 200 - 53ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:24"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 215ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:25"} -{"level":"info","message":"POST /signup 201 - 206ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:41"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:51"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:51"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:53"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 21:19:55"} -{"level":"info","message":"GET /hospital/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:20:16"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:20:16"} -{"level":"info","message":"POST /send-temp-password 200 - 1253ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:20:21"} -{"level":"info","message":"GET /hospital/received 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:21:59"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:21:59"} -{"level":"info","message":"GET /appuser_status 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:22:16"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 21:22:18"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 21:22:20"} -{"level":"info","message":"GET /appuser_status 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:22:35"} -{"level":"info","message":"POST /send-temp-password 200 - 1406ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:23:32"} -{"level":"info","message":"POST /send-pin-otp 200 - 3288ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:23:49"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:24:05"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-08 21:24:18"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-08 21:24:20"} -{"level":"info","message":"PUT /change-pin 400 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:24:36"} -{"level":"info","message":"POST /send-temp-password 200 - 2811ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:24:59"} -{"level":"info","message":"PUT /change-pin 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:24:59"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:25:05"} -{"level":"info","message":"GET /chat-sessions 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:25:05"} -{"level":"info","message":"GET /popular-topics 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:25:07"} -{"level":"info","message":"POST /hospital/forward 200 - 173ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:25:39"} -{"level":"info","message":"GET /hospital/received 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:25:46"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:25:46"} -{"level":"info","message":"POST /hospital/forward 200 - 155ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:25:52"} -{"level":"info","message":"POST /hospital/forward 200 - 131ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:26:00"} -{"level":"info","message":"GET /hospital/received 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:26:34"} -{"level":"info","message":"POST /change-password 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:26:47"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:03"} -{"level":"info","message":"GET /refresh-token/125/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:03"} -{"level":"info","message":"GET /refresh-token/125/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:03"} -{"level":"info","message":"POST /refresh 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:03"} -{"level":"info","message":"POST /login 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:03"} -{"level":"info","message":"GET /users/active 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:04"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:04"} -{"level":"info","message":"POST /hospitals/active 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:04"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 290ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:04"} -{"level":"info","message":"POST /logout 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:09"} -{"level":"info","message":"POST /send-temp-password 200 - 2804ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:31"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:47"} -{"level":"info","message":"GET /refresh-token/125/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:47"} -{"level":"info","message":"GET /refresh-token/125/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:47"} -{"level":"info","message":"POST /refresh 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:47"} -{"level":"info","message":"POST /login 200 - 133ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:48"} -{"level":"info","message":"GET /users/active 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:48"} -{"level":"info","message":"POST /hospitals/active 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:48"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 249ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:27:48"} -{"level":"info","message":"GET /appuser_status 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:29:13"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:32:04"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:32:04"} -{"level":"info","message":"POST /upload 200 - 145ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:32:25"} -{"level":"info","message":"GET /hospital/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:32:32"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:32:42"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:32:42"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:37:14"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:37:25"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:37:25"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:37:45"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:37:45"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:38:05"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:38:05"} -{"level":"info","message":"POST /send-otp 200 - 2829ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:38:06"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:38:21"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:38:38"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:38:38"} -{"level":"info","message":"PUT /change-password 200 - 171ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:38:52"} -{"level":"info","message":"POST /login 200 - 138ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:39:11"} -{"level":"info","message":"POST /send-pin-otp 200 - 2851ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:39:27"} -{"level":"info","message":"POST /upload 200 - 98ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:39:39"} -{"level":"info","message":"GET /hospital/229 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:39:58"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:39:59"} -{"level":"info","message":"PUT /change-pin 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:40:20"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:40:29"} -{"level":"info","message":"GET /chat-sessions 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:40:29"} -{"level":"info","message":"GET /popular-topics 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:40:29"} -{"level":"info","message":"GET /hospital/229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:41:02"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:41:03"} -{"level":"info","message":"POST /upload 200 - 3132ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:41:27"} -{"level":"info","message":"GET /hospital/229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:41:34"} -{"level":"info","message":"GET /.git/config 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:48:23"} -{"level":"info","message":"GET /.env 404 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:48:25"} -{"level":"info","message":"GET /hospital/229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:49:52"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:49:52"} -{"level":"info","message":"POST /hospital-users/login 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:06"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:06"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:06"} -{"level":"info","message":"POST /refresh 200 - 1704ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:08"} -{"level":"info","message":"POST /login 200 - 2321ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:11"} -{"level":"info","message":"GET /users/active 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:12"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 270ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:12"} -{"level":"info","message":"POST /hospitals/active 200 - 47ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:27"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:27"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:27"} -{"level":"info","message":"POST /refresh 200 - 817ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:27"} -{"level":"info","message":"POST /login 200 - 189ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:29"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 219ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:30"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:30"} -{"level":"info","message":"POST /hospitals/active 200 - 56ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:30"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:41"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:41"} -{"level":"info","message":"POST /hospital/forward 200 - 4769ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:53:49"} -{"level":"info","message":"POST /hospital-users/login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:56:24"} -{"level":"info","message":"POST /hospital-users/login 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:56:28"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:56:28"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:56:28"} -{"level":"info","message":"POST /refresh 200 - 5300ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:56:33"} -{"level":"info","message":"POST /login 200 - 5905ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:56:39"} -{"level":"info","message":"GET /users/active 200 - 57ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:56:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 45ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:56:40"} -{"level":"info","message":"POST /hospitals/active 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:56:40"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 291ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:56:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:56:43"} -{"level":"info","message":"GET /colors 403 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:56:43"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 250ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:56:43"} -{"level":"info","message":"POST /hospitals/active 200 - 49ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:56:45"} -{"level":"info","message":"GET /list 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:57:06"} -{"level":"info","message":"PUT /update/232 200 - 999ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:57:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:57:25"} -{"level":"info","message":"POST /hospitals/active 200 - 206ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:57:25"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 299ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:57:25"} -{"level":"info","message":"GET /list 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:57:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:57:36"} -{"level":"info","message":"POST /hospitals/active 200 - 100ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:57:37"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 275ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:57:37"} -{"level":"info","message":"GET / 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:58:06"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:58:47"} -{"level":"info","message":"PUT /update/237 200 - 887ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:02"} -{"level":"info","message":"POST /login 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:05"} -{"level":"info","message":"POST /login 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:05"} -{"level":"info","message":"POST /hospital-users/login 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:07"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:07"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:07"} -{"level":"info","message":"POST /hospitals/active 200 - 145ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:08"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 275ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:08"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:10"} -{"level":"info","message":"POST /refresh 200 - 2856ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:10"} -{"level":"info","message":"POST /login 200 - 1133ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:13"} -{"level":"info","message":"POST /hospitals/active 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:13"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 300ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:13"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 248ms","service":"spurrinai-backend","timestamp":"2025-06-08 21:59:13"} -{"level":"info","message":"POST /hospital-users/login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:25"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:25"} -{"level":"info","message":"POST /get-access-token 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:25"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:25"} -{"level":"info","message":"GET /833 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:25"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:28"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:28"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:29"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:37"} -{"level":"info","message":"GET /public-signup/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:37"} -{"level":"info","message":"GET /hospital-users/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:37"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:42"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:45"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:45"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:49"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:52"} -{"level":"info","message":"GET /hospital/received 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:52"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:52"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:53"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:53"} -{"level":"info","message":"POST /hospital/forward 200 - 145ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:00:56"} -{"level":"info","message":"POST /hospital/forward 200 - 131ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:01:06"} -{"level":"info","message":"POST /hospital/forward 200 - 208ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:01:19"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:01:23"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:01:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:01:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:01:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:01:28"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:01:28"} -{"level":"info","message":"POST /hospitals/active 200 - 163ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:01:28"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:01:28"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 258ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:01:28"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 209ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:01:28"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:02:23"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:03:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:03:45"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:03:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:03:45"} -{"level":"info","message":"POST /hospital/forward 200 - 132ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:04:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:04:46"} -{"level":"info","message":"GET /hospital/received 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:04:53"} -{"level":"info","message":"GET /hospital/received 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:04:53"} -{"level":"info","message":"GET /appuser_status 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:05:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:05:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:06:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:07:46"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:08:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:09:46"} -{"cpu":{"loadAvg":0.01,"usage":3.036381505423563},"errors":{},"level":"info","memory":{"external":30622629,"heapTotal":87752704,"heapUsed":82868704,"rss":185761792},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":1,"total":1},"GET /.env":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":1,"success":0,"total":1},"GET /229":{"failed":0,"success":39,"total":39},"GET /833":{"failed":0,"success":1,"total":1},"GET /appuser_status":{"failed":0,"success":3,"total":3},"GET /chat-sessions":{"failed":1,"success":1,"total":2},"GET /colors":{"failed":1,"success":2,"total":3},"GET /get-forwarded-feedbacks":{"failed":0,"success":13,"total":13},"GET /hospital-users/229":{"failed":0,"success":1,"total":1},"GET /hospital/229":{"failed":0,"success":21,"total":21},"GET /hospital/received":{"failed":2,"success":7,"total":9},"GET /hospitals/onboarded":{"failed":0,"success":13,"total":13},"GET /list":{"failed":0,"success":6,"total":6},"GET /popular-topics":{"failed":0,"success":2,"total":2},"GET /public-signup/229":{"failed":0,"success":1,"total":1},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/125/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/26/6":{"failed":0,"success":6,"total":6},"GET /refresh-token/833/7":{"failed":0,"success":1,"total":1},"GET /users/active":{"failed":0,"success":4,"total":4},"POST /change-password":{"failed":0,"success":1,"total":1},"POST /get-access-token":{"failed":0,"success":1,"total":1},"POST /hospital-users/login":{"failed":1,"success":7,"total":8},"POST /hospital/forward":{"failed":0,"success":8,"total":8},"POST /hospitals/active":{"failed":0,"success":11,"total":11},"POST /login":{"failed":2,"success":8,"total":10},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":6,"total":6},"POST /send-otp":{"failed":0,"success":1,"total":1},"POST /send-pin-otp":{"failed":0,"success":1,"total":1},"POST /send-temp-password":{"failed":0,"success":2,"total":2},"POST /upload":{"failed":0,"success":3,"total":3},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /change-password":{"failed":0,"success":1,"total":1},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /update/232":{"failed":0,"success":1,"total":1},"PUT /update/237":{"failed":0,"success":1,"total":1}},"failed":10,"success":185,"total":195},"responseTime":{"avg":255.46153846153845,"max":5905,"min":1},"service":"spurrinai-backend","timestamp":"2025-06-08T16:54:18.912Z"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:28:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:28:26"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:28:26"} -{"level":"info","message":"GET /229 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:28:26"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:28:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:28:45"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:11"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:16"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:16"} -{"level":"info","message":"POST /get-access-token 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:16"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:17"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:17"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:19"} -{"level":"info","message":"GET /229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:20"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:20"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:20"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:20"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:20"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:20"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:23"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:23"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:23"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:23"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:24"} -{"level":"info","message":"GET /hospital/received 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:24"} -{"level":"info","message":"POST /hospital/forward 200 - 133ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:48"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:50"} -{"level":"info","message":"POST /hospitals/active 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:51"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 236ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:51"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:56"} -{"level":"info","message":"GET /hospital/received 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:56"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:29:56"} -{"level":"info","message":"POST /hospital/forward 200 - 124ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:30:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:30:57"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:31:57"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:32:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:33:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:33:23"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:33:23"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:33:23"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:33:23"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:33:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:33:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:33:28"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:34:23"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:35:24"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:36:23"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:37:23"} -{"level":"info","message":"PUT /edit-user/833 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:37:32"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:37:41"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:37:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:37:41"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:37:43"} -{"level":"info","message":"GET /public-signup/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:37:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:37:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:37:45"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:37:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:37:45"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:37:50"} -{"level":"info","message":"GET /public-signup/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:37:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:37:50"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:38:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:38:50"} -{"level":"info","message":"PUT /update/237 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:39:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:39:13"} -{"level":"info","message":"POST /hospitals/active 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:39:14"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 267ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:39:14"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:39:19"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:39:50"} -{"level":"info","message":"POST /create-hospital 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:40:18"} -{"level":"info","message":"POST /create-hospital 201 - 3798ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:40:29"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:40:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:40:33"} -{"level":"info","message":"POST /hospitals/active 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:40:33"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 234ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:40:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:40:50"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:41:06"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:41:50"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:42:20"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:42:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:43:50"} -{"level":"info","message":"POST /login 200 - 146ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:45:10"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:45:20"} -{"level":"info","message":"GET /chat-sessions 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:45:20"} -{"level":"info","message":"GET /popular-topics 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:45:20"} -{"level":"info","message":"POST /login 200 - 124ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:45:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:45:35"} -{"level":"info","message":"POST /verify-pin 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:45:49"} -{"level":"info","message":"GET /chat-sessions 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:45:50"} -{"level":"info","message":"GET /popular-topics 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:45:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:46:35"} -{"level":"info","message":"POST /app-user/submit 201 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:46:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:46:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:46:48"} -{"level":"info","message":"GET /hospital/received 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:46:48"} -{"level":"info","message":"POST /hospital/forward 200 - 136ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:47:03"} -{"level":"info","message":"POST /hospital/forward 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:47:11"} -{"level":"info","message":"POST /hospital/forward 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:47:13"} -{"level":"info","message":"POST /hospital/forward 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:47:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:47:18"} -{"level":"info","message":"GET /hospital/received 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:47:18"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:47:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:47:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:47:20"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:47:20"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:47:20"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:47:20"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:47:23"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:47:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:48:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:49:21"} -{"level":"info","message":"POST /app-user/submit 201 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:50:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:50:20"} -{"level":"info","message":"POST /hospital/forward 200 - 127ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:50:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:50:42"} -{"level":"info","message":"GET /hospital/received 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:50:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:50:42"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:50:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:50:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:50:44"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:50:44"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:50:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:50:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:51:04"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:51:13"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:51:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:51:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:51:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:51:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:51:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:51:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:51:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:51:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:51:39"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:52:34"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:53:34"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:54:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:55:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:56:34"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:57:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:58:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 22:59:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:00:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:01:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:02:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:03:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:04:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:05:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:05:31"} -{"level":"info","message":"GET /public-signup/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:05:31"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:05:32"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:05:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:05:32"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:05:34"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:05:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:05:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:06:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:07:34"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:23"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:23"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:31"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:31"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:31"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:31"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:31"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:36"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:36"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:37"} -{"level":"info","message":"GET /public-signup/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:40"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:40"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:42"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:43"} -{"level":"info","message":"GET /229 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:08:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:09:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:10:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:10:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:10:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:10:07"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:10:07"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:10:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:10:07"} -{"level":"info","message":"GET /public-signup/229 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:10:09"} -{"level":"info","message":"GET /229 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:10:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:10:09"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:09"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:19"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:19"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:53"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:55"} -{"level":"info","message":"GET /public-signup/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:11:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:12:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:13:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:14:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:10"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:10"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:19"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:19"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:19"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:19"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:24"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:28"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:28"} -{"level":"info","message":"GET /public-signup/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:30"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:32"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:36"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:36"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:36"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:40"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:40"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:42"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:15:42"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:16:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:17:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:18:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:19:43"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:20:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:21:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:23:35"} -{"cpu":{"loadAvg":0.01,"usage":3.004738658749801},"errors":{},"level":"info","memory":{"external":22080989,"heapTotal":89849856,"heapUsed":82883528,"rss":191651840},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":1,"total":1},"GET /.env":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":1,"success":0,"total":1},"GET /229":{"failed":0,"success":231,"total":231},"GET /833":{"failed":0,"success":2,"total":2},"GET /appuser_status":{"failed":0,"success":3,"total":3},"GET /chat-sessions":{"failed":1,"success":3,"total":4},"GET /colors":{"failed":4,"success":10,"total":14},"GET /get-forwarded-feedbacks":{"failed":0,"success":16,"total":16},"GET /hospital-users/229":{"failed":0,"success":1,"total":1},"GET /hospital/229":{"failed":0,"success":29,"total":29},"GET /hospital/received":{"failed":2,"success":14,"total":16},"GET /hospitals/onboarded":{"failed":0,"success":16,"total":16},"GET /list":{"failed":0,"success":15,"total":15},"GET /popular-topics":{"failed":0,"success":4,"total":4},"GET /public-signup/229":{"failed":0,"success":10,"total":10},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/125/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/26/6":{"failed":0,"success":6,"total":6},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /users/active":{"failed":0,"success":4,"total":4},"POST /app-user/submit":{"failed":0,"success":2,"total":2},"POST /change-password":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":1,"success":1,"total":2},"POST /get-access-token":{"failed":0,"success":2,"total":2},"POST /hospital-users/login":{"failed":2,"success":8,"total":10},"POST /hospital/forward":{"failed":0,"success":15,"total":15},"POST /hospitals/active":{"failed":0,"success":14,"total":14},"POST /login":{"failed":2,"success":11,"total":13},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":6,"total":6},"POST /send-otp":{"failed":0,"success":1,"total":1},"POST /send-pin-otp":{"failed":0,"success":1,"total":1},"POST /send-temp-password":{"failed":0,"success":2,"total":2},"POST /upload":{"failed":0,"success":3,"total":3},"POST /verify-pin":{"failed":0,"success":4,"total":4},"PUT /change-password":{"failed":0,"success":1,"total":1},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /edit-user/833":{"failed":0,"success":1,"total":1},"PUT /update/232":{"failed":0,"success":1,"total":1},"PUT /update/237":{"failed":0,"success":2,"total":2}},"failed":15,"success":452,"total":467},"responseTime":{"avg":122.14561027837259,"max":5905,"min":1},"service":"spurrinai-backend","timestamp":"2025-06-08T17:54:18.906Z"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:24:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:25:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:25:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:25:57"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:25:57"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:25:57"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:26:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:26:07"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:26:07"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:26:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:26:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:26:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:26:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:26:12"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:00"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:06"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:06"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:06"} -{"level":"info","message":"POST /refresh 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:07"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:07"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:08"} -{"level":"info","message":"POST /hospitals/active 200 - 52ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:08"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 229ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:08"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:11"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:23"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:23"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:27:27"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:28:23"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:29:23"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:30:23"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:31:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:32:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:32:35"} -{"level":"info","message":"POST /hospitals/active 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:32:35"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 270ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:32:35"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:32:49"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:32:49"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:32:49"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:10"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:10"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:15"} -{"level":"info","message":"POST /upload-profile-photo 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:25"} -{"level":"info","message":"GET /229 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:26"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:28"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:31"} -{"level":"info","message":"PUT /update/229 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:37"} -{"level":"info","message":"PUT /edit-user/833 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:46"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:33:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:34:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:35:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:36:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:37:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:38:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:39:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:40:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:41:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:42:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:43:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:44:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:45:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:46:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:47:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:48:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:49:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-08 23:50:46"} -{"level":"info","message":"GET / 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:10:39"} -{"level":"info","message":"GET /favicon.ico 404 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:10:40"} -{"cpu":{"loadAvg":0,"usage":2.9733595230743077},"errors":{},"level":"info","memory":{"external":21953832,"heapTotal":90112000,"heapUsed":79813560,"rss":192176128},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":1,"success":0,"total":1},"GET /229":{"failed":0,"success":293,"total":293},"GET /833":{"failed":0,"success":2,"total":2},"GET /appuser_status":{"failed":0,"success":3,"total":3},"GET /chat-sessions":{"failed":1,"success":3,"total":4},"GET /colors":{"failed":4,"success":13,"total":17},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":18,"total":18},"GET /hospital-users/229":{"failed":0,"success":1,"total":1},"GET /hospital/229":{"failed":0,"success":31,"total":31},"GET /hospital/received":{"failed":2,"success":15,"total":17},"GET /hospitals/onboarded":{"failed":0,"success":18,"total":18},"GET /list":{"failed":0,"success":17,"total":17},"GET /popular-topics":{"failed":0,"success":4,"total":4},"GET /public-signup/229":{"failed":0,"success":11,"total":11},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/125/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/26/6":{"failed":0,"success":8,"total":8},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /users/active":{"failed":0,"success":4,"total":4},"POST /app-user/submit":{"failed":0,"success":2,"total":2},"POST /change-password":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":1,"success":1,"total":2},"POST /get-access-token":{"failed":0,"success":2,"total":2},"POST /hospital-users/login":{"failed":3,"success":9,"total":12},"POST /hospital/forward":{"failed":0,"success":15,"total":15},"POST /hospitals/active":{"failed":0,"success":16,"total":16},"POST /login":{"failed":2,"success":12,"total":14},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":7,"total":7},"POST /send-otp":{"failed":0,"success":1,"total":1},"POST /send-pin-otp":{"failed":0,"success":1,"total":1},"POST /send-temp-password":{"failed":0,"success":2,"total":2},"POST /upload":{"failed":0,"success":3,"total":3},"POST /upload-profile-photo":{"failed":0,"success":1,"total":1},"POST /verify-pin":{"failed":0,"success":4,"total":4},"PUT /change-password":{"failed":0,"success":1,"total":1},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /edit-user/833":{"failed":0,"success":2,"total":2},"PUT /update/229":{"failed":0,"success":1,"total":1},"PUT /update/232":{"failed":0,"success":1,"total":1},"PUT /update/237":{"failed":0,"success":2,"total":2}},"failed":17,"success":538,"total":555},"responseTime":{"avg":105.28468468468469,"max":5905,"min":1},"service":"spurrinai-backend","timestamp":"2025-06-08T18:54:18.907Z"} -{"level":"info","message":"GET /colors 403 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:44:06"} -{"level":"info","message":"GET /colors 403 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:46:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:46:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:46:10"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 230ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:46:10"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 200ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:46:10"} -{"level":"info","message":"POST /hospitals/active 200 - 54ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:46:10"} -{"level":"info","message":"GET /list 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:46:15"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:46:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:55:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:56:09"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:16"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:17"} -{"level":"info","message":"POST /get-access-token 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:17"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:17"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:17"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:20"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:20"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:20"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:20"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:20"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:20"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:21"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:23"} -{"level":"info","message":"GET /hospital/received 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:23"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:57:25"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:58:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 00:59:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:00:24"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:01:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:02:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:03:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:04:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:05:24"} -{"level":"info","message":"GET /hospital/received 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:06:04"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:06:24"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:07:02"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:07:13"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:07:13"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:07:24"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:07:25"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:07:38"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:07:48"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:07:48"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:07:56"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:07:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:08:24"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:08:55"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:04"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:16"} -{"level":"info","message":"GET /hospital/received 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:16"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:16"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:16"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:16"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:16"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:16"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:16"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:17"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:40"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:09:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:10:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:11:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:12:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:13:43"} -{"level":"info","message":"PUT /edit-user/833 200 - 126ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:33"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:33"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:14:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:15:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:16:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:16:54"} -{"level":"info","message":"GET /public-signup/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:16:54"} -{"level":"info","message":"GET /public-signup/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:16:54"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:16:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:17:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:18:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:19:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:20:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:21:56"} -{"level":"info","message":"DELETE /delete/162 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:22:37"} -{"level":"info","message":"DELETE /delete/160 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:22:54"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:22:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:23:57"} -{"cpu":{"loadAvg":0.01,"usage":2.942699240073594},"errors":{},"level":"info","memory":{"external":21947441,"heapTotal":90112000,"heapUsed":79454992,"rss":192176128},"message":"Application metrics","requests":{"byEndpoint":{"DELETE /delete/160":{"failed":0,"success":1,"total":1},"DELETE /delete/162":{"failed":0,"success":1,"total":1},"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":1,"success":0,"total":1},"GET /.git/config":{"failed":1,"success":0,"total":1},"GET /229":{"failed":0,"success":365,"total":365},"GET /833":{"failed":0,"success":3,"total":3},"GET /appuser_status":{"failed":0,"success":3,"total":3},"GET /chat-sessions":{"failed":1,"success":3,"total":4},"GET /colors":{"failed":8,"success":16,"total":24},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":20,"total":20},"GET /hospital-users/229":{"failed":0,"success":1,"total":1},"GET /hospital/229":{"failed":0,"success":31,"total":31},"GET /hospital/received":{"failed":2,"success":32,"total":34},"GET /hospitals/onboarded":{"failed":0,"success":20,"total":20},"GET /list":{"failed":0,"success":19,"total":19},"GET /popular-topics":{"failed":0,"success":4,"total":4},"GET /public-signup/229":{"failed":0,"success":13,"total":13},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/125/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/26/6":{"failed":0,"success":8,"total":8},"GET /refresh-token/833/7":{"failed":0,"success":3,"total":3},"GET /users/active":{"failed":0,"success":4,"total":4},"POST /app-user/submit":{"failed":0,"success":2,"total":2},"POST /change-password":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":1,"success":1,"total":2},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":3,"success":10,"total":13},"POST /hospital/forward":{"failed":0,"success":15,"total":15},"POST /hospitals/active":{"failed":0,"success":17,"total":17},"POST /login":{"failed":2,"success":13,"total":15},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":7,"total":7},"POST /send-otp":{"failed":0,"success":1,"total":1},"POST /send-pin-otp":{"failed":0,"success":1,"total":1},"POST /send-temp-password":{"failed":0,"success":2,"total":2},"POST /upload":{"failed":0,"success":3,"total":3},"POST /upload-profile-photo":{"failed":0,"success":1,"total":1},"POST /verify-pin":{"failed":0,"success":4,"total":4},"PUT /change-password":{"failed":0,"success":1,"total":1},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /edit-user/833":{"failed":0,"success":3,"total":3},"PUT /update/229":{"failed":0,"success":1,"total":1},"PUT /update/232":{"failed":0,"success":1,"total":1},"PUT /update/237":{"failed":0,"success":2,"total":2}},"failed":21,"success":647,"total":668},"responseTime":{"avg":89.5119760479042,"max":5905,"min":1},"service":"spurrinai-backend","timestamp":"2025-06-08T19:54:18.906Z"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:30"} -{"level":"info","message":"GET /kcfinder/upload.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:31"} -{"level":"info","message":"GET /asset/kcfinder/upload.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:33"} -{"level":"info","message":"GET /assets/kcfinder/upload.php 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:34"} -{"level":"info","message":"GET /js/kcfinder/upload.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:35"} -{"level":"info","message":"GET /assets/js/kcfinder/upload.php 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:36"} -{"level":"info","message":"GET /assets/plugins/kcfinder/upload.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:37"} -{"level":"info","message":"GET /plugins/kcfinder/upload.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:38"} -{"level":"info","message":"DELETE /delete/161 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:39"} -{"level":"info","message":"GET /filemanager/dialog.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:39"} -{"level":"info","message":"GET /assets/filemanager/dialog.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:41"} -{"level":"info","message":"GET /assets/plugins/filemanager/dialog.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:41"} -{"level":"info","message":"GET /phpformbuilder/plugins/filemanager/dialog.php 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:43"} -{"level":"info","message":"GET /assets/tinymce/plugins/filemanager/dialog.php 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:44"} -{"level":"info","message":"GET /scripts/filemanager/dialog.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:45"} -{"level":"info","message":"GET /admin/filemanager/dialog.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:47"} -{"level":"info","message":"GET /assets/scripts/filemanager/dialog.php 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:48"} -{"level":"info","message":"GET /assets/admin/tinymce/plugins/filemanager/dialog.php 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:49"} -{"level":"info","message":"GET /js/tinymce4/plugins/filemanager/dialog.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:50"} -{"level":"info","message":"GET /tinymce/filemanager/dialog.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:51"} -{"level":"info","message":"GET /filemanager/filemanager/dialog.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:53"} -{"level":"info","message":"GET /assets/admin/js/tinymce/plugins/filemanager/dialog.php 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:54"} -{"level":"info","message":"GET /tinymce/plugins/filemanager/dialog.php 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:56"} -{"level":"info","message":"GET /.env 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:56"} -{"level":"info","message":"GET /assets/jquery-file-upload/server/php/ 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:57"} -{"level":"info","message":"GET /assets/backend/plugins/jquery-file-upload/server/php/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:24:59"} -{"level":"info","message":"GET /plugins/jquery-file-upload/server/php/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:01"} -{"level":"info","message":"GET /assets/libs/jquery-file-upload/server/php/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:02"} -{"level":"info","message":"GET /assets/lib/jquery-file-upload/server/php/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:03"} -{"level":"info","message":"GET /lib/jquery-file-upload/server/php/ 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:05"} -{"level":"info","message":"GET /js/jquery-file-upload/server/php/ 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:08"} -{"level":"info","message":"GET /assets/plugins/jquery-file-upload/server/php/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:10"} -{"level":"info","message":"GET /assets/global/plugins/jquery-file-upload/server/php/ 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:11"} -{"level":"info","message":"GET /resources/global/plugins/jquery-file-upload/server/php/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:13"} -{"level":"info","message":"GET /app/webroot/global/plugins/jquery-file-upload/server/php/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:15"} -{"level":"info","message":"GET /assets/themes/metronic/global/jquery-file-upload/server/php/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:16"} -{"level":"info","message":"GET /metronic/assets/global/plugins/jquery-file-upload/server/php/ 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:18"} -{"level":"info","message":"GET /coloradmin/assets/plugins/jquery-file-upload/server/php/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:20"} -{"level":"info","message":"GET /assets/color_admin/plugins/jquery-file-upload/server/php/ 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:22"} -{"level":"info","message":"GET /assets/vendor_admin/plugins/jquery-file-upload/server/php/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:23"} -{"level":"info","message":"GET /public/javascript/jquery.upload/server/php/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:25"} -{"level":"info","message":"GET /media/mediamgr/other/jq_fileupload/server/php/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:26"} -{"level":"info","message":"GET /formcraft/file-upload/server/php/ 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:28"} -{"level":"info","message":"GET /coaster/jquery/gallery-upload/server/php/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:30"} -{"level":"info","message":"GET /assets/plugins/jquery.filer/php/readme.txt 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:31"} -{"level":"info","message":"GET /assets/vendor/jquery.filer/php/readme.txt 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:33"} -{"level":"info","message":"GET /plugins/jquery.filer/php/readme.txt 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:34"} -{"level":"info","message":"GET /assets/admin/bower_components/jquery.filer/php/readme.txt 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:36"} -{"level":"info","message":"GET /jquery.filer/php/readme.txt 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:37"} -{"level":"info","message":"GET /wp 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:39"} -{"level":"info","message":"GET /wordpress 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:40"} -{"level":"info","message":"GET /blog 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:41"} -{"level":"info","message":"GET /demo 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:43"} -{"level":"info","message":"GET /new 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:44"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:45"} -{"level":"info","message":"GET /vendor/laravel-filemanager/js/script.js 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:48"} -{"level":"info","message":"GET /public/vendor/laravel-filemanager/js/script.js 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:49"} -{"level":"info","message":"GET /_ignition/execute-solution 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:51"} -{"level":"info","message":"GET /.git/config 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:25:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:26:44"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:26:44"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:26:44"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:26:44"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:26:44"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:26:44"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:26:46"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:26:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:26:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:26:46"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:26:52"} -{"level":"info","message":"DELETE /delete/164 200 - 104ms","service":"spurrinai-backend","timestamp":"2025-06-09 01:27:07"} -{"cpu":{"loadAvg":0,"usage":2.9126088801622387},"errors":{},"level":"info","memory":{"external":22029813,"heapTotal":90112000,"heapUsed":82504048,"rss":192438272},"message":"Application metrics","requests":{"byEndpoint":{"DELETE /delete/160":{"failed":0,"success":1,"total":1},"DELETE /delete/161":{"failed":0,"success":1,"total":1},"DELETE /delete/162":{"failed":0,"success":1,"total":1},"DELETE /delete/164":{"failed":0,"success":1,"total":1},"GET /":{"failed":0,"success":4,"total":4},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /229":{"failed":0,"success":374,"total":374},"GET /833":{"failed":0,"success":3,"total":3},"GET /_ignition/execute-solution":{"failed":1,"success":0,"total":1},"GET /admin/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /app/webroot/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":3,"total":3},"GET /asset/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/bower_components/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/admin/js/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/backend/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/color_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/libs/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/themes/metronic/global/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/vendor/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/vendor_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /blog":{"failed":1,"success":0,"total":1},"GET /chat-sessions":{"failed":1,"success":3,"total":4},"GET /coaster/jquery/gallery-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /coloradmin/assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /colors":{"failed":8,"success":17,"total":25},"GET /demo":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /filemanager/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /formcraft/file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":20,"total":20},"GET /hospital-users/229":{"failed":0,"success":1,"total":1},"GET /hospital/229":{"failed":0,"success":31,"total":31},"GET /hospital/received":{"failed":2,"success":32,"total":34},"GET /hospitals/onboarded":{"failed":0,"success":20,"total":20},"GET /jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /js/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /js/tinymce4/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /list":{"failed":0,"success":19,"total":19},"GET /media/mediamgr/other/jq_fileupload/server/php/":{"failed":1,"success":0,"total":1},"GET /metronic/assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /new":{"failed":1,"success":0,"total":1},"GET /phpformbuilder/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /popular-topics":{"failed":0,"success":4,"total":4},"GET /public-signup/229":{"failed":0,"success":15,"total":15},"GET /public/javascript/jquery.upload/server/php/":{"failed":1,"success":0,"total":1},"GET /public/vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/125/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/26/6":{"failed":0,"success":8,"total":8},"GET /refresh-token/833/7":{"failed":0,"success":3,"total":3},"GET /resources/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /users/active":{"failed":0,"success":4,"total":4},"GET /vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /wordpress":{"failed":1,"success":0,"total":1},"GET /wp":{"failed":1,"success":0,"total":1},"POST /app-user/submit":{"failed":0,"success":2,"total":2},"POST /change-password":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":1,"success":1,"total":2},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":3,"success":10,"total":13},"POST /hospital/forward":{"failed":0,"success":15,"total":15},"POST /hospitals/active":{"failed":0,"success":17,"total":17},"POST /login":{"failed":2,"success":13,"total":15},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":7,"total":7},"POST /send-otp":{"failed":0,"success":1,"total":1},"POST /send-pin-otp":{"failed":0,"success":1,"total":1},"POST /send-temp-password":{"failed":0,"success":2,"total":2},"POST /upload":{"failed":0,"success":3,"total":3},"POST /upload-profile-photo":{"failed":0,"success":1,"total":1},"POST /verify-pin":{"failed":0,"success":4,"total":4},"PUT /change-password":{"failed":0,"success":1,"total":1},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /edit-user/833":{"failed":0,"success":3,"total":3},"PUT /update/229":{"failed":0,"success":1,"total":1},"PUT /update/232":{"failed":0,"success":1,"total":1},"PUT /update/237":{"failed":0,"success":2,"total":2}},"failed":77,"success":663,"total":740},"responseTime":{"avg":81.14189189189189,"max":5905,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-08T20:54:18.908Z"} -{"level":"info","message":"GET /admin/assets/css/jquery-ui.css 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 02:45:30"} -{"cpu":{"loadAvg":0,"usage":2.8832180805111562},"errors":{},"level":"info","memory":{"external":22039105,"heapTotal":90112000,"heapUsed":83256424,"rss":192438272},"message":"Application metrics","requests":{"byEndpoint":{"DELETE /delete/160":{"failed":0,"success":1,"total":1},"DELETE /delete/161":{"failed":0,"success":1,"total":1},"DELETE /delete/162":{"failed":0,"success":1,"total":1},"DELETE /delete/164":{"failed":0,"success":1,"total":1},"GET /":{"failed":0,"success":4,"total":4},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /229":{"failed":0,"success":374,"total":374},"GET /833":{"failed":0,"success":3,"total":3},"GET /_ignition/execute-solution":{"failed":1,"success":0,"total":1},"GET /admin/assets/css/jquery-ui.css":{"failed":1,"success":0,"total":1},"GET /admin/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /app/webroot/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":3,"total":3},"GET /asset/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/bower_components/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/admin/js/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/backend/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/color_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/libs/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/themes/metronic/global/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/vendor/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/vendor_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /blog":{"failed":1,"success":0,"total":1},"GET /chat-sessions":{"failed":1,"success":3,"total":4},"GET /coaster/jquery/gallery-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /coloradmin/assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /colors":{"failed":8,"success":17,"total":25},"GET /demo":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /filemanager/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /formcraft/file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":20,"total":20},"GET /hospital-users/229":{"failed":0,"success":1,"total":1},"GET /hospital/229":{"failed":0,"success":31,"total":31},"GET /hospital/received":{"failed":2,"success":32,"total":34},"GET /hospitals/onboarded":{"failed":0,"success":20,"total":20},"GET /jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /js/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /js/tinymce4/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /list":{"failed":0,"success":19,"total":19},"GET /media/mediamgr/other/jq_fileupload/server/php/":{"failed":1,"success":0,"total":1},"GET /metronic/assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /new":{"failed":1,"success":0,"total":1},"GET /phpformbuilder/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /popular-topics":{"failed":0,"success":4,"total":4},"GET /public-signup/229":{"failed":0,"success":15,"total":15},"GET /public/javascript/jquery.upload/server/php/":{"failed":1,"success":0,"total":1},"GET /public/vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/125/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/26/6":{"failed":0,"success":8,"total":8},"GET /refresh-token/833/7":{"failed":0,"success":3,"total":3},"GET /resources/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /users/active":{"failed":0,"success":4,"total":4},"GET /vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /wordpress":{"failed":1,"success":0,"total":1},"GET /wp":{"failed":1,"success":0,"total":1},"POST /app-user/submit":{"failed":0,"success":2,"total":2},"POST /change-password":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":1,"success":1,"total":2},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":3,"success":10,"total":13},"POST /hospital/forward":{"failed":0,"success":15,"total":15},"POST /hospitals/active":{"failed":0,"success":17,"total":17},"POST /login":{"failed":2,"success":13,"total":15},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":7,"total":7},"POST /send-otp":{"failed":0,"success":1,"total":1},"POST /send-pin-otp":{"failed":0,"success":1,"total":1},"POST /send-temp-password":{"failed":0,"success":2,"total":2},"POST /upload":{"failed":0,"success":3,"total":3},"POST /upload-profile-photo":{"failed":0,"success":1,"total":1},"POST /verify-pin":{"failed":0,"success":4,"total":4},"PUT /change-password":{"failed":0,"success":1,"total":1},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /edit-user/833":{"failed":0,"success":3,"total":3},"PUT /update/229":{"failed":0,"success":1,"total":1},"PUT /update/232":{"failed":0,"success":1,"total":1},"PUT /update/237":{"failed":0,"success":2,"total":2}},"failed":78,"success":663,"total":741},"responseTime":{"avg":81.03508771929825,"max":5905,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-08T21:54:18.909Z"} -{"cpu":{"loadAvg":0,"usage":2.853753367029057},"errors":{},"level":"info","memory":{"external":22097549,"heapTotal":90112000,"heapUsed":83132704,"rss":192438272},"message":"Application metrics","requests":{"byEndpoint":{"DELETE /delete/160":{"failed":0,"success":1,"total":1},"DELETE /delete/161":{"failed":0,"success":1,"total":1},"DELETE /delete/162":{"failed":0,"success":1,"total":1},"DELETE /delete/164":{"failed":0,"success":1,"total":1},"GET /":{"failed":0,"success":4,"total":4},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /229":{"failed":0,"success":374,"total":374},"GET /833":{"failed":0,"success":3,"total":3},"GET /_ignition/execute-solution":{"failed":1,"success":0,"total":1},"GET /admin/assets/css/jquery-ui.css":{"failed":1,"success":0,"total":1},"GET /admin/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /app/webroot/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":3,"total":3},"GET /asset/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/bower_components/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/admin/js/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/backend/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/color_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/libs/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/themes/metronic/global/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/vendor/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/vendor_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /blog":{"failed":1,"success":0,"total":1},"GET /chat-sessions":{"failed":1,"success":3,"total":4},"GET /coaster/jquery/gallery-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /coloradmin/assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /colors":{"failed":8,"success":17,"total":25},"GET /demo":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /filemanager/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /formcraft/file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":20,"total":20},"GET /hospital-users/229":{"failed":0,"success":1,"total":1},"GET /hospital/229":{"failed":0,"success":31,"total":31},"GET /hospital/received":{"failed":2,"success":32,"total":34},"GET /hospitals/onboarded":{"failed":0,"success":20,"total":20},"GET /jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /js/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /js/tinymce4/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /list":{"failed":0,"success":19,"total":19},"GET /media/mediamgr/other/jq_fileupload/server/php/":{"failed":1,"success":0,"total":1},"GET /metronic/assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /new":{"failed":1,"success":0,"total":1},"GET /phpformbuilder/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /popular-topics":{"failed":0,"success":4,"total":4},"GET /public-signup/229":{"failed":0,"success":15,"total":15},"GET /public/javascript/jquery.upload/server/php/":{"failed":1,"success":0,"total":1},"GET /public/vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/125/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/26/6":{"failed":0,"success":8,"total":8},"GET /refresh-token/833/7":{"failed":0,"success":3,"total":3},"GET /resources/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /users/active":{"failed":0,"success":4,"total":4},"GET /vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /wordpress":{"failed":1,"success":0,"total":1},"GET /wp":{"failed":1,"success":0,"total":1},"POST /app-user/submit":{"failed":0,"success":2,"total":2},"POST /change-password":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":1,"success":1,"total":2},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":3,"success":10,"total":13},"POST /hospital/forward":{"failed":0,"success":15,"total":15},"POST /hospitals/active":{"failed":0,"success":17,"total":17},"POST /login":{"failed":2,"success":13,"total":15},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":7,"total":7},"POST /send-otp":{"failed":0,"success":1,"total":1},"POST /send-pin-otp":{"failed":0,"success":1,"total":1},"POST /send-temp-password":{"failed":0,"success":2,"total":2},"POST /upload":{"failed":0,"success":3,"total":3},"POST /upload-profile-photo":{"failed":0,"success":1,"total":1},"POST /verify-pin":{"failed":0,"success":4,"total":4},"PUT /change-password":{"failed":0,"success":1,"total":1},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /edit-user/833":{"failed":0,"success":3,"total":3},"PUT /update/229":{"failed":0,"success":1,"total":1},"PUT /update/232":{"failed":0,"success":1,"total":1},"PUT /update/237":{"failed":0,"success":2,"total":2}},"failed":78,"success":663,"total":741},"responseTime":{"avg":81.03508771929825,"max":5905,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-08T22:54:18.909Z"} -{"cpu":{"loadAvg":0,"usage":2.8259574770732314},"errors":{},"level":"info","memory":{"external":22123225,"heapTotal":90112000,"heapUsed":83791832,"rss":192438272},"message":"Application metrics","requests":{"byEndpoint":{"DELETE /delete/160":{"failed":0,"success":1,"total":1},"DELETE /delete/161":{"failed":0,"success":1,"total":1},"DELETE /delete/162":{"failed":0,"success":1,"total":1},"DELETE /delete/164":{"failed":0,"success":1,"total":1},"GET /":{"failed":0,"success":4,"total":4},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /229":{"failed":0,"success":374,"total":374},"GET /833":{"failed":0,"success":3,"total":3},"GET /_ignition/execute-solution":{"failed":1,"success":0,"total":1},"GET /admin/assets/css/jquery-ui.css":{"failed":1,"success":0,"total":1},"GET /admin/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /app/webroot/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":3,"total":3},"GET /asset/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/bower_components/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/admin/js/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/backend/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/color_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/libs/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/themes/metronic/global/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/vendor/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/vendor_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /blog":{"failed":1,"success":0,"total":1},"GET /chat-sessions":{"failed":1,"success":3,"total":4},"GET /coaster/jquery/gallery-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /coloradmin/assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /colors":{"failed":8,"success":17,"total":25},"GET /demo":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /filemanager/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /formcraft/file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":20,"total":20},"GET /hospital-users/229":{"failed":0,"success":1,"total":1},"GET /hospital/229":{"failed":0,"success":31,"total":31},"GET /hospital/received":{"failed":2,"success":32,"total":34},"GET /hospitals/onboarded":{"failed":0,"success":20,"total":20},"GET /jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /js/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /js/tinymce4/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /list":{"failed":0,"success":19,"total":19},"GET /media/mediamgr/other/jq_fileupload/server/php/":{"failed":1,"success":0,"total":1},"GET /metronic/assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /new":{"failed":1,"success":0,"total":1},"GET /phpformbuilder/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /popular-topics":{"failed":0,"success":4,"total":4},"GET /public-signup/229":{"failed":0,"success":15,"total":15},"GET /public/javascript/jquery.upload/server/php/":{"failed":1,"success":0,"total":1},"GET /public/vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/125/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/26/6":{"failed":0,"success":8,"total":8},"GET /refresh-token/833/7":{"failed":0,"success":3,"total":3},"GET /resources/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /users/active":{"failed":0,"success":4,"total":4},"GET /vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /wordpress":{"failed":1,"success":0,"total":1},"GET /wp":{"failed":1,"success":0,"total":1},"POST /app-user/submit":{"failed":0,"success":2,"total":2},"POST /change-password":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":1,"success":1,"total":2},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":3,"success":10,"total":13},"POST /hospital/forward":{"failed":0,"success":15,"total":15},"POST /hospitals/active":{"failed":0,"success":17,"total":17},"POST /login":{"failed":2,"success":13,"total":15},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":7,"total":7},"POST /send-otp":{"failed":0,"success":1,"total":1},"POST /send-pin-otp":{"failed":0,"success":1,"total":1},"POST /send-temp-password":{"failed":0,"success":2,"total":2},"POST /upload":{"failed":0,"success":3,"total":3},"POST /upload-profile-photo":{"failed":0,"success":1,"total":1},"POST /verify-pin":{"failed":0,"success":4,"total":4},"PUT /change-password":{"failed":0,"success":1,"total":1},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /edit-user/833":{"failed":0,"success":3,"total":3},"PUT /update/229":{"failed":0,"success":1,"total":1},"PUT /update/232":{"failed":0,"success":1,"total":1},"PUT /update/237":{"failed":0,"success":2,"total":2}},"failed":78,"success":663,"total":741},"responseTime":{"avg":81.03508771929825,"max":5905,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-08T23:54:18.910Z"} -{"cpu":{"loadAvg":0,"usage":2.7992138487395692},"errors":{},"level":"info","memory":{"external":22132517,"heapTotal":90112000,"heapUsed":84454248,"rss":192438272},"message":"Application metrics","requests":{"byEndpoint":{"DELETE /delete/160":{"failed":0,"success":1,"total":1},"DELETE /delete/161":{"failed":0,"success":1,"total":1},"DELETE /delete/162":{"failed":0,"success":1,"total":1},"DELETE /delete/164":{"failed":0,"success":1,"total":1},"GET /":{"failed":0,"success":4,"total":4},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /229":{"failed":0,"success":374,"total":374},"GET /833":{"failed":0,"success":3,"total":3},"GET /_ignition/execute-solution":{"failed":1,"success":0,"total":1},"GET /admin/assets/css/jquery-ui.css":{"failed":1,"success":0,"total":1},"GET /admin/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /app/webroot/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":3,"total":3},"GET /asset/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/bower_components/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/admin/js/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/backend/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/color_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/libs/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/themes/metronic/global/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/vendor/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/vendor_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /blog":{"failed":1,"success":0,"total":1},"GET /chat-sessions":{"failed":1,"success":3,"total":4},"GET /coaster/jquery/gallery-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /coloradmin/assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /colors":{"failed":8,"success":17,"total":25},"GET /demo":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /filemanager/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /formcraft/file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":20,"total":20},"GET /hospital-users/229":{"failed":0,"success":1,"total":1},"GET /hospital/229":{"failed":0,"success":31,"total":31},"GET /hospital/received":{"failed":2,"success":32,"total":34},"GET /hospitals/onboarded":{"failed":0,"success":20,"total":20},"GET /jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /js/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /js/tinymce4/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /list":{"failed":0,"success":19,"total":19},"GET /media/mediamgr/other/jq_fileupload/server/php/":{"failed":1,"success":0,"total":1},"GET /metronic/assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /new":{"failed":1,"success":0,"total":1},"GET /phpformbuilder/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /popular-topics":{"failed":0,"success":4,"total":4},"GET /public-signup/229":{"failed":0,"success":15,"total":15},"GET /public/javascript/jquery.upload/server/php/":{"failed":1,"success":0,"total":1},"GET /public/vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/125/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/26/6":{"failed":0,"success":8,"total":8},"GET /refresh-token/833/7":{"failed":0,"success":3,"total":3},"GET /resources/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /users/active":{"failed":0,"success":4,"total":4},"GET /vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /wordpress":{"failed":1,"success":0,"total":1},"GET /wp":{"failed":1,"success":0,"total":1},"POST /app-user/submit":{"failed":0,"success":2,"total":2},"POST /change-password":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":1,"success":1,"total":2},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":3,"success":10,"total":13},"POST /hospital/forward":{"failed":0,"success":15,"total":15},"POST /hospitals/active":{"failed":0,"success":17,"total":17},"POST /login":{"failed":2,"success":13,"total":15},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":7,"total":7},"POST /send-otp":{"failed":0,"success":1,"total":1},"POST /send-pin-otp":{"failed":0,"success":1,"total":1},"POST /send-temp-password":{"failed":0,"success":2,"total":2},"POST /upload":{"failed":0,"success":3,"total":3},"POST /upload-profile-photo":{"failed":0,"success":1,"total":1},"POST /verify-pin":{"failed":0,"success":4,"total":4},"PUT /change-password":{"failed":0,"success":1,"total":1},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /edit-user/833":{"failed":0,"success":3,"total":3},"PUT /update/229":{"failed":0,"success":1,"total":1},"PUT /update/232":{"failed":0,"success":1,"total":1},"PUT /update/237":{"failed":0,"success":2,"total":2}},"failed":78,"success":663,"total":741},"responseTime":{"avg":81.03508771929825,"max":5905,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-09T00:54:18.912Z"} -{"level":"info","message":"GET / 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 06:53:12"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 06:53:13"} -{"level":"info","message":"GET /favicon.ico 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 06:53:14"} -{"level":"info","message":"GET /developmentserver/metadatauploader 404 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 07:23:52"} -{"cpu":{"loadAvg":0,"usage":2.772947622133387},"errors":{},"level":"info","memory":{"external":22190961,"heapTotal":90112000,"heapUsed":84659864,"rss":192438272},"message":"Application metrics","requests":{"byEndpoint":{"DELETE /delete/160":{"failed":0,"success":1,"total":1},"DELETE /delete/161":{"failed":0,"success":1,"total":1},"DELETE /delete/162":{"failed":0,"success":1,"total":1},"DELETE /delete/164":{"failed":0,"success":1,"total":1},"GET /":{"failed":0,"success":6,"total":6},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /229":{"failed":0,"success":374,"total":374},"GET /833":{"failed":0,"success":3,"total":3},"GET /_ignition/execute-solution":{"failed":1,"success":0,"total":1},"GET /admin/assets/css/jquery-ui.css":{"failed":1,"success":0,"total":1},"GET /admin/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /app/webroot/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":3,"total":3},"GET /asset/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/bower_components/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/admin/js/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/backend/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/color_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/libs/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/themes/metronic/global/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/vendor/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/vendor_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /blog":{"failed":1,"success":0,"total":1},"GET /chat-sessions":{"failed":1,"success":3,"total":4},"GET /coaster/jquery/gallery-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /coloradmin/assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /colors":{"failed":8,"success":17,"total":25},"GET /demo":{"failed":1,"success":0,"total":1},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":2,"success":0,"total":2},"GET /filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /filemanager/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /formcraft/file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":20,"total":20},"GET /hospital-users/229":{"failed":0,"success":1,"total":1},"GET /hospital/229":{"failed":0,"success":31,"total":31},"GET /hospital/received":{"failed":2,"success":32,"total":34},"GET /hospitals/onboarded":{"failed":0,"success":20,"total":20},"GET /jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /js/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /js/tinymce4/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /list":{"failed":0,"success":19,"total":19},"GET /media/mediamgr/other/jq_fileupload/server/php/":{"failed":1,"success":0,"total":1},"GET /metronic/assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /new":{"failed":1,"success":0,"total":1},"GET /phpformbuilder/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /popular-topics":{"failed":0,"success":4,"total":4},"GET /public-signup/229":{"failed":0,"success":15,"total":15},"GET /public/javascript/jquery.upload/server/php/":{"failed":1,"success":0,"total":1},"GET /public/vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/125/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/26/6":{"failed":0,"success":8,"total":8},"GET /refresh-token/833/7":{"failed":0,"success":3,"total":3},"GET /resources/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /users/active":{"failed":0,"success":4,"total":4},"GET /vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /wordpress":{"failed":1,"success":0,"total":1},"GET /wp":{"failed":1,"success":0,"total":1},"POST /app-user/submit":{"failed":0,"success":2,"total":2},"POST /change-password":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":1,"success":1,"total":2},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":3,"success":10,"total":13},"POST /hospital/forward":{"failed":0,"success":15,"total":15},"POST /hospitals/active":{"failed":0,"success":17,"total":17},"POST /login":{"failed":2,"success":13,"total":15},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":7,"total":7},"POST /send-otp":{"failed":0,"success":1,"total":1},"POST /send-pin-otp":{"failed":0,"success":1,"total":1},"POST /send-temp-password":{"failed":0,"success":2,"total":2},"POST /upload":{"failed":0,"success":3,"total":3},"POST /upload-profile-photo":{"failed":0,"success":1,"total":1},"POST /verify-pin":{"failed":0,"success":4,"total":4},"PUT /change-password":{"failed":0,"success":1,"total":1},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /edit-user/833":{"failed":0,"success":3,"total":3},"PUT /update/229":{"failed":0,"success":1,"total":1},"PUT /update/232":{"failed":0,"success":1,"total":1},"PUT /update/237":{"failed":0,"success":2,"total":2}},"failed":80,"success":665,"total":745},"responseTime":{"avg":80.6255033557047,"max":5905,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-09T01:54:18.911Z"} -{"cpu":{"loadAvg":0.02,"usage":2.7662959546784833},"errors":{},"level":"info","memory":{"external":22249405,"heapTotal":90112000,"heapUsed":84522736,"rss":192438272},"message":"Application metrics","requests":{"byEndpoint":{"DELETE /delete/160":{"failed":0,"success":1,"total":1},"DELETE /delete/161":{"failed":0,"success":1,"total":1},"DELETE /delete/162":{"failed":0,"success":1,"total":1},"DELETE /delete/164":{"failed":0,"success":1,"total":1},"GET /":{"failed":0,"success":6,"total":6},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /229":{"failed":0,"success":374,"total":374},"GET /833":{"failed":0,"success":3,"total":3},"GET /_ignition/execute-solution":{"failed":1,"success":0,"total":1},"GET /admin/assets/css/jquery-ui.css":{"failed":1,"success":0,"total":1},"GET /admin/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /app/webroot/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":3,"total":3},"GET /asset/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/bower_components/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/admin/js/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/backend/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/color_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/libs/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/themes/metronic/global/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/vendor/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/vendor_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /blog":{"failed":1,"success":0,"total":1},"GET /chat-sessions":{"failed":1,"success":3,"total":4},"GET /coaster/jquery/gallery-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /coloradmin/assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /colors":{"failed":8,"success":17,"total":25},"GET /demo":{"failed":1,"success":0,"total":1},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":2,"success":0,"total":2},"GET /filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /filemanager/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /formcraft/file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":20,"total":20},"GET /hospital-users/229":{"failed":0,"success":1,"total":1},"GET /hospital/229":{"failed":0,"success":31,"total":31},"GET /hospital/received":{"failed":2,"success":32,"total":34},"GET /hospitals/onboarded":{"failed":0,"success":20,"total":20},"GET /jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /js/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /js/tinymce4/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /list":{"failed":0,"success":19,"total":19},"GET /media/mediamgr/other/jq_fileupload/server/php/":{"failed":1,"success":0,"total":1},"GET /metronic/assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /new":{"failed":1,"success":0,"total":1},"GET /phpformbuilder/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /popular-topics":{"failed":0,"success":4,"total":4},"GET /public-signup/229":{"failed":0,"success":15,"total":15},"GET /public/javascript/jquery.upload/server/php/":{"failed":1,"success":0,"total":1},"GET /public/vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/125/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/26/6":{"failed":0,"success":8,"total":8},"GET /refresh-token/833/7":{"failed":0,"success":3,"total":3},"GET /resources/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /users/active":{"failed":0,"success":4,"total":4},"GET /vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /wordpress":{"failed":1,"success":0,"total":1},"GET /wp":{"failed":1,"success":0,"total":1},"POST /app-user/submit":{"failed":0,"success":2,"total":2},"POST /change-password":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":1,"success":1,"total":2},"POST /get-access-token":{"failed":0,"success":3,"total":3},"POST /hospital-users/login":{"failed":3,"success":10,"total":13},"POST /hospital/forward":{"failed":0,"success":15,"total":15},"POST /hospitals/active":{"failed":0,"success":17,"total":17},"POST /login":{"failed":2,"success":13,"total":15},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":7,"total":7},"POST /send-otp":{"failed":0,"success":1,"total":1},"POST /send-pin-otp":{"failed":0,"success":1,"total":1},"POST /send-temp-password":{"failed":0,"success":2,"total":2},"POST /upload":{"failed":0,"success":3,"total":3},"POST /upload-profile-photo":{"failed":0,"success":1,"total":1},"POST /verify-pin":{"failed":0,"success":4,"total":4},"PUT /change-password":{"failed":0,"success":1,"total":1},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /edit-user/833":{"failed":0,"success":3,"total":3},"PUT /update/229":{"failed":0,"success":1,"total":1},"PUT /update/232":{"failed":0,"success":1,"total":1},"PUT /update/237":{"failed":0,"success":2,"total":2}},"failed":80,"success":665,"total":745},"responseTime":{"avg":80.6255033557047,"max":5905,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-09T02:54:18.913Z"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:27:39"} -{"level":"info","message":"POST /login 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:27:39"} -{"level":"info","message":"POST /login 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:27:39"} -{"level":"info","message":"POST /hospital-users/login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:28:25"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:28:25"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:28:25"} -{"level":"info","message":"POST /refresh 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:28:25"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:28:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:28:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:28:26"} -{"level":"info","message":"POST /hospitals/active 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:28:26"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 248ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:28:26"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 192ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:28:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:29:34"} -{"level":"info","message":"GET /colors 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:29:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:29:34"} -{"level":"info","message":"POST /hospitals/active 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:29:34"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 254ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:29:34"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 227ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:29:35"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:29:35"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:29:35"} -{"level":"info","message":"POST /create-hospital 201 - 3431ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:08"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:08"} -{"level":"info","message":"POST /login 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:12"} -{"level":"info","message":"POST /login 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:12"} -{"level":"info","message":"POST /login 401 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:12"} -{"level":"info","message":"POST /login 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:19"} -{"level":"info","message":"GET /refresh-token/842/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:19"} -{"level":"info","message":"POST /get-access-token 200 - 109ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:19"} -{"level":"info","message":"POST /login 200 - 137ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:19"} -{"level":"info","message":"GET /842 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:19"} -{"level":"info","message":"PUT /update-password/842 400 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:28"} -{"level":"info","message":"PUT /update-password/842 200 - 212ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:32"} -{"level":"info","message":"POST /add 201 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:33"} -{"level":"info","message":"POST /upload-profile-photo 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:39"} -{"level":"info","message":"POST /add 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:39"} -{"level":"info","message":"PUT /update/239 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:40"} -{"level":"info","message":"POST /add 200 - 163ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:40"} -{"level":"info","message":"GET /239 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:46"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:46"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:46"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:46"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:46"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:46"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:46"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:46"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:46"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:46"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:51"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:51"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:30:51"} -{"level":"info","message":"GET /239 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:31:47"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:32:47"} -{"level":"info","message":"GET /239 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:32:59"} -{"level":"info","message":"GET /hospital/239 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:32:59"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:32:59"} -{"level":"info","message":"GET /hospital/239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:32:59"} -{"level":"info","message":"POST /upload 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:07"} -{"level":"info","message":"GET /hospital/239 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:14"} -{"level":"info","message":"GET /239 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:25"} -{"level":"info","message":"GET /public-signup/239 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:25"} -{"level":"info","message":"GET /239 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:25"} -{"level":"info","message":"GET /public-signup/239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:25"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:26"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:26"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:26"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:26"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:31"} -{"level":"info","message":"POST /upload-profile-photo 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:32"} -{"level":"info","message":"GET /239 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:32"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:32"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:32"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:32"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:32"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:32"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:32"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:33"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:33"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:33"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:37"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:37"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:37"} -{"level":"info","message":"POST /upload-profile-photo 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:42"} -{"level":"info","message":"GET /239 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:42"} -{"level":"info","message":"GET /239 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:43"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:43"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:43"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:43"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:43"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:43"} -{"level":"info","message":"GET /239 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:43"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:43"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:43"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:48"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:48"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:48"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:48"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:48"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:48"} -{"level":"info","message":"GET /239 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:50"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:50"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:53"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:53"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:53"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:53"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:53"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:53"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:53"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:53"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:57"} -{"level":"info","message":"POST /hospitals/active 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:57"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:58"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 251ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:58"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 193ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:58"} -{"level":"info","message":"GET /239 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:33:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:34:37"} -{"level":"info","message":"POST /hospitals/active 200 - 113ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:34:37"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 274ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:34:37"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:34:44"} -{"level":"info","message":"GET /list 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:34:44"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:34:53"} -{"level":"info","message":"GET /hospital/239 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:34:56"} -{"level":"info","message":"GET /239 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:34:56"} -{"level":"info","message":"GET /hospital/239 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:34:56"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:34:56"} -{"level":"info","message":"GET /public-signup/239 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:34:58"} -{"level":"info","message":"GET /239 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:34:58"} -{"level":"info","message":"GET /public-signup/239 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:34:58"} -{"level":"info","message":"GET /239 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:34:58"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:00"} -{"level":"info","message":"GET /239 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:00"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:00"} -{"level":"info","message":"GET /239 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:02"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:03"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:03"} -{"level":"info","message":"GET /239 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:05"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:05"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:05"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:11"} -{"level":"info","message":"GET /refresh-token/842/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:11"} -{"level":"info","message":"POST /get-access-token 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:11"} -{"level":"info","message":"POST /login 200 - 134ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:11"} -{"level":"info","message":"GET /842 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:11"} -{"level":"info","message":"GET /239 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:14"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:14"} -{"level":"info","message":"GET /239 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:14"} -{"level":"info","message":"GET /239 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:14"} -{"level":"info","message":"GET /239 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:14"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:14"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:14"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:14"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:14"} -{"level":"info","message":"GET /239 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:14"} -{"level":"info","message":"GET /239 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:14"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:14"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:14"} -{"level":"info","message":"GET /239 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:14"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:21"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:21"} -{"level":"info","message":"POST /get-access-token 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:21"} -{"level":"info","message":"POST /login 200 - 133ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:21"} -{"level":"info","message":"GET /833 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:21"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:24"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:24"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:25"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:25"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:26"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:26"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:26"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:30"} -{"level":"info","message":"GET /public-signup/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:30"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:30"} -{"level":"info","message":"GET /public-signup/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:30"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:32"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:33"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:33"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:33"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:34"} -{"level":"info","message":"GET /hospital/received 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:34"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:36"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:36"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:36"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:36"} -{"level":"info","message":"GET /229 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:36"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:36"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:42"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:46"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:46"} -{"level":"info","message":"GET /229 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:35:46"} -{"level":"info","message":"DELETE /delete/425 200 - 10517ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:36:00"} -{"level":"info","message":"DELETE /delete/425 404 - 6275ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:36:00"} -{"level":"info","message":"GET /hospital/229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:36:00"} -{"level":"info","message":"DELETE /delete/427 200 - 1767ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:36:34"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:36:34"} -{"level":"info","message":"DELETE /delete/429 200 - 277ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:36:42"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:36:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:36:46"} -{"level":"info","message":"DELETE /delete/440 200 - 1052ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:36:48"} -{"level":"info","message":"GET /hospital/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:36:48"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:37:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:38:47"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:38:54"} -{"level":"info","message":"DELETE /delete/441 200 - 451ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:07"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:07"} -{"level":"info","message":"DELETE /delete/431 200 - 863ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:17"} -{"level":"info","message":"GET /hospital/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:17"} -{"level":"info","message":"DELETE /delete/448 200 - 365ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:24"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:24"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:28"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:28"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:29"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:29"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:29"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:29"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:29"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:34"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:55"} -{"level":"info","message":"GET /public-signup/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:55"} -{"level":"info","message":"GET /public-signup/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:56"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:56"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:56"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:57"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:57"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:57"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:58"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:58"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:58"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:39:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:40:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:40:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:40:00"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:40:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:40:00"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:40:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:40:01"} -{"level":"info","message":"POST /upload 200 - 246ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:40:47"} -{"level":"info","message":"GET /hospital/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:40:54"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:41:01"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:42:01"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:43:01"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:44:01"} -{"level":"info","message":"GET /229 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:45:01"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:09"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:09"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:09"} -{"level":"info","message":"GET /hospital/229 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:09"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:09"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:09"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:09"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:09"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:14"} -{"level":"info","message":"POST /upload 200 - 3170ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:41"} -{"level":"info","message":"GET /hospital/229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:46:48"} -{"level":"info","message":"GET /229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:01"} -{"level":"info","message":"GET /hospital/229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:01"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:01"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:01"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:01"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:01"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:01"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:01"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:01"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:06"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:10"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:10"} -{"level":"info","message":"GET /hospital/229 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:10"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:10"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:10"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:10"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:10"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:47:15"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:48:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:10"} -{"level":"info","message":"POST /upload 200 - 7739ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:14"} -{"level":"info","message":"GET /hospital/229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:21"} -{"level":"info","message":"GET /hospital/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:24"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:24"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:24"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:24"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:24"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:24"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:24"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:24"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:49:29"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:50:24"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:51:24"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:52:24"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:53:24"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:54:24"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:55:24"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:56:24"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:57:24"} -{"level":"info","message":"GET /229 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:58:23"} -{"level":"info","message":"GET /hospital/229 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:58:23"} -{"level":"info","message":"GET /colors 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:58:23"} -{"level":"info","message":"GET /hospital/229 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:58:23"} -{"level":"info","message":"GET /229 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:58:23"} -{"level":"info","message":"GET /229 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:58:23"} -{"level":"info","message":"GET /hospital/229 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:58:23"} -{"level":"info","message":"GET /229 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:58:23"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:58:23"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:58:23"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:58:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:58:28"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 08:59:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:00:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:00:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:00:41"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:00:41"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:00:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:00:41"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:00:41"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:00:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:00:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:00:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:00:42"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:00:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:00:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:01:42"} -{"level":"info","message":"GET /owa/auth/logon.aspx 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:01:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:02:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:03:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:03:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:03:55"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:03:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:03:55"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:03:55"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:03:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:03:55"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:03:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:03:55"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:03:55"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:03:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:04:00"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:04:56"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:26"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:26"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:26"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:26"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:26"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:26"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:26"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:26"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:33"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:33"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:33"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:33"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:33"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:05:39"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:02"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:04"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:04"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:04"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:04"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:04"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:04"} -{"level":"info","message":"GET /hospital/229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:05"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:47"} -{"level":"info","message":"GET /229 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:06:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:07:46"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:07:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:07:46"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:07:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:08:38"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:08:38"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:08:38"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:08:38"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:08:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:08:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:08:38"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:08:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:08:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:08:38"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:09:08"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:09:08"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:09:08"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:09:08"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:09:08"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:09:08"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:09:08"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:09:08"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:09:08"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:10:18"} -{"level":"info","message":"GET /hospital/229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:10:18"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:10:18"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:10:18"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:10:18"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:10:18"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:10:18"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:10:18"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:10:18"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:10:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:10:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:10:23"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:00"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:00"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:00"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:00"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:06"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:53"} -{"level":"info","message":"GET /hospital/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:53"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:53"} -{"level":"info","message":"GET /colors 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:53"} -{"level":"info","message":"GET /hospital/229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:53"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:53"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:53"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:53"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:11:58"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:31"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:31"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:31"} -{"level":"info","message":"GET /229 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:31"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:31"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:31"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:31"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:36"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:53"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:53"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:53"} -{"level":"info","message":"POST /refresh 200 - 3207ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:12:56"} -{"level":"info","message":"POST /login 200 - 4920ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:13:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:13:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:13:02"} -{"level":"info","message":"POST /hospitals/active 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:13:02"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 263ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:13:02"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 204ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:13:02"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:13:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:14:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:15:32"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:16:32"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:17:32"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:18:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:19:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:20:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:21:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:22:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:23:34"} -{"cpu":{"loadAvg":1.17,"usage":3.121730439440853},"errors":{},"level":"info","memory":{"external":30643100,"heapTotal":87490560,"heapUsed":84097520,"rss":192909312},"message":"Application metrics","requests":{"byEndpoint":{"DELETE /delete/160":{"failed":0,"success":1,"total":1},"DELETE /delete/161":{"failed":0,"success":1,"total":1},"DELETE /delete/162":{"failed":0,"success":1,"total":1},"DELETE /delete/164":{"failed":0,"success":1,"total":1},"DELETE /delete/425":{"failed":1,"success":1,"total":2},"DELETE /delete/427":{"failed":0,"success":1,"total":1},"DELETE /delete/429":{"failed":0,"success":1,"total":1},"DELETE /delete/431":{"failed":0,"success":1,"total":1},"DELETE /delete/440":{"failed":0,"success":1,"total":1},"DELETE /delete/441":{"failed":0,"success":1,"total":1},"DELETE /delete/448":{"failed":0,"success":1,"total":1},"GET /":{"failed":0,"success":6,"total":6},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /229":{"failed":0,"success":614,"total":614},"GET /239":{"failed":0,"success":93,"total":93},"GET /833":{"failed":0,"success":4,"total":4},"GET /842":{"failed":1,"success":1,"total":2},"GET /_ignition/execute-solution":{"failed":1,"success":0,"total":1},"GET /admin/assets/css/jquery-ui.css":{"failed":1,"success":0,"total":1},"GET /admin/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /app/webroot/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":3,"total":3},"GET /asset/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/bower_components/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/admin/js/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/backend/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/color_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/libs/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/themes/metronic/global/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/vendor/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/vendor_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /blog":{"failed":1,"success":0,"total":1},"GET /chat-sessions":{"failed":1,"success":3,"total":4},"GET /coaster/jquery/gallery-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /coloradmin/assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /colors":{"failed":10,"success":39,"total":49},"GET /demo":{"failed":1,"success":0,"total":1},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":2,"success":0,"total":2},"GET /filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /filemanager/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /formcraft/file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":29,"total":29},"GET /hospital-users/229":{"failed":0,"success":1,"total":1},"GET /hospital/229":{"failed":0,"success":103,"total":103},"GET /hospital/239":{"failed":0,"success":5,"total":5},"GET /hospital/received":{"failed":2,"success":36,"total":38},"GET /hospitals/onboarded":{"failed":0,"success":29,"total":29},"GET /jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /js/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /js/tinymce4/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /list":{"failed":0,"success":24,"total":24},"GET /media/mediamgr/other/jq_fileupload/server/php/":{"failed":1,"success":0,"total":1},"GET /metronic/assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /new":{"failed":1,"success":0,"total":1},"GET /owa/auth/logon.aspx":{"failed":1,"success":0,"total":1},"GET /phpformbuilder/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /popular-topics":{"failed":0,"success":4,"total":4},"GET /public-signup/229":{"failed":0,"success":19,"total":19},"GET /public-signup/239":{"failed":0,"success":4,"total":4},"GET /public/javascript/jquery.upload/server/php/":{"failed":1,"success":0,"total":1},"GET /public/vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /refresh-token/124/6":{"failed":0,"success":6,"total":6},"GET /refresh-token/125/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/26/6":{"failed":0,"success":8,"total":8},"GET /refresh-token/833/7":{"failed":0,"success":4,"total":4},"GET /refresh-token/842/7":{"failed":0,"success":2,"total":2},"GET /resources/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /users/active":{"failed":0,"success":4,"total":4},"GET /vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /wordpress":{"failed":1,"success":0,"total":1},"GET /wp":{"failed":1,"success":0,"total":1},"POST /add":{"failed":0,"success":3,"total":3},"POST /app-user/submit":{"failed":0,"success":2,"total":2},"POST /change-password":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":1,"success":2,"total":3},"POST /get-access-token":{"failed":0,"success":6,"total":6},"POST /hospital-users/login":{"failed":3,"success":15,"total":18},"POST /hospital/forward":{"failed":0,"success":15,"total":15},"POST /hospitals/active":{"failed":0,"success":22,"total":22},"POST /login":{"failed":8,"success":18,"total":26},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":9,"total":9},"POST /send-otp":{"failed":0,"success":1,"total":1},"POST /send-pin-otp":{"failed":0,"success":1,"total":1},"POST /send-temp-password":{"failed":0,"success":2,"total":2},"POST /upload":{"failed":0,"success":7,"total":7},"POST /upload-profile-photo":{"failed":0,"success":4,"total":4},"POST /verify-pin":{"failed":0,"success":4,"total":4},"PUT /change-password":{"failed":0,"success":1,"total":1},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /edit-user/833":{"failed":0,"success":3,"total":3},"PUT /update-password/842":{"failed":1,"success":1,"total":2},"PUT /update/229":{"failed":0,"success":1,"total":1},"PUT /update/232":{"failed":0,"success":1,"total":1},"PUT /update/237":{"failed":0,"success":2,"total":2},"PUT /update/239":{"failed":0,"success":1,"total":1}},"failed":92,"success":1181,"total":1273},"responseTime":{"avg":87.04241948153967,"max":10517,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-09T03:54:18.912Z"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:24:34"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:25:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:26:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:27:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:28:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:29:34"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:30:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:31:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:32:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:01"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:01"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:01"} -{"level":"info","message":"POST /refresh 200 - 116ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:01"} -{"level":"info","message":"POST /login 200 - 143ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:02"} -{"level":"info","message":"POST /hospitals/active 200 - 130ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:03"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 274ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:03"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 196ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:03"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:11"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:11"} -{"level":"info","message":"POST /get-access-token 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:11"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:11"} -{"level":"info","message":"GET /833 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:11"} -{"level":"info","message":"GET /229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:14"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:19"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:19"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:33:19"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:34:14"} -{"level":"info","message":"GET /229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:35:15"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:36:15"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:37:15"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:38:15"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:39:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:40:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:41:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:42:34"} -{"level":"info","message":"POST /initialize 201 - 201ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:07"} -{"level":"info","message":"POST /create-hospital 201 - 3027ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:10"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:10"} -{"level":"info","message":"GET /refresh-token/126/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:10"} -{"level":"info","message":"POST /refresh 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:10"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:10"} -{"level":"info","message":"POST /create-hospital 201 - 3427ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:14"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:14"} -{"level":"info","message":"GET /refresh-token/126/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:14"} -{"level":"info","message":"POST /refresh 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:14"} -{"level":"info","message":"POST /login 200 - 138ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:14"} -{"level":"info","message":"POST /create-hospital 201 - 3146ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:17"} -{"level":"info","message":"POST /create-hospital 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:17"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:17"} -{"level":"info","message":"GET /refresh-token/126/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:17"} -{"level":"info","message":"POST /refresh 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:18"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:18"} -{"level":"info","message":"PUT /update/241 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:18"} -{"level":"info","message":"POST /hospital-users/login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:18"} -{"level":"info","message":"GET /refresh-token/126/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:18"} -{"level":"info","message":"POST /refresh 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:18"} -{"level":"info","message":"POST /login 200 - 188ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:18"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:18"} -{"level":"info","message":"PUT /update/241 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:18"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:18"} -{"level":"info","message":"POST /hospital-users/login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:18"} -{"level":"info","message":"GET /refresh-token/126/6 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:19"} -{"level":"info","message":"POST /refresh 200 - 185ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:19"} -{"level":"info","message":"POST /login 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:19"} -{"level":"info","message":"DELETE /delete/241 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:19"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:19"} -{"level":"info","message":"GET /refresh-token/126/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:19"} -{"level":"info","message":"POST /refresh 200 - 107ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:19"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:19"} -{"level":"info","message":"DELETE /delete/241 200 - 199ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:20"} -{"level":"info","message":"POST /initialize 201 - 318ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:20"} -{"level":"info","message":"POST /initialize 201 - 233ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:20"} -{"level":"info","message":"POST /initialize 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:20"} -{"level":"info","message":"POST /initialize 400 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:20"} -{"level":"info","message":"POST /initialize 400 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:20"} -{"level":"info","message":"POST /initialize 201 - 248ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:21"} -{"level":"info","message":"POST /initialize 201 - 235ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:21"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:21"} -{"level":"info","message":"GET /refresh-token/130/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:21"} -{"level":"info","message":"POST /refresh 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:21"} -{"level":"info","message":"POST /login 200 - 164ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:21"} -{"level":"info","message":"POST /create-hospital 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:21"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:21"} -{"level":"info","message":"GET /refresh-token/126/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:21"} -{"level":"info","message":"POST /refresh 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:21"} -{"level":"info","message":"POST /login 200 - 161ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:22"} -{"level":"info","message":"POST /create-hospital 201 - 3187ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:25"} -{"level":"info","message":"PUT /update/243 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:25"} -{"level":"info","message":"PUT /update/243 200 - 125ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:25"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:25"} -{"level":"info","message":"GET /refresh-token/126/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:25"} -{"level":"info","message":"POST /refresh 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:25"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:25"} -{"level":"info","message":"POST /create-hospital 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:26"} -{"level":"info","message":"POST /create-hospital 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:26"} -{"level":"info","message":"POST /create-hospital 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:26"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:26"} -{"level":"info","message":"GET /refresh-token/126/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:26"} -{"level":"info","message":"POST /refresh 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:26"} -{"level":"info","message":"POST /login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:26"} -{"level":"info","message":"POST /create-hospital 201 - 3188ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:29"} -{"level":"info","message":"DELETE /delete/244 200 - 142ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:29"} -{"level":"info","message":"GET /list/244 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:29"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:30"} -{"level":"info","message":"GET /refresh-token/126/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:30"} -{"level":"info","message":"POST /refresh 200 - 154ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:30"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:30"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:30"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:30"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:30"} -{"level":"info","message":"POST /get-access-token 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:30"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:30"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:30"} -{"level":"info","message":"GET /refresh-token/126/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:30"} -{"level":"info","message":"POST /refresh 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:31"} -{"level":"info","message":"POST /login 200 - 136ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:31"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:34"} -{"level":"info","message":"POST /create-hospital 201 - 3010ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:34"} -{"level":"info","message":"GET /refresh-token/848/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:34"} -{"level":"info","message":"POST /get-access-token 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:34"} -{"level":"info","message":"POST /login 200 - 170ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:34"} -{"level":"info","message":"PUT /update-password/848 200 - 180ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:34"} -{"level":"info","message":"POST /add 201 - 147ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:35"} -{"level":"info","message":"POST /upload-profile-photo 200 - 93ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:35"} -{"level":"info","message":"POST /add 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:35"} -{"level":"info","message":"PUT /update/245 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:35"} -{"level":"info","message":"POST /add 200 - 126ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:35"} -{"level":"info","message":"DELETE /delete/245 200 - 237ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:35"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:35"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:36"} -{"level":"info","message":"POST /get-access-token 200 - 58ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:36"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:36"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:38"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:38"} -{"level":"info","message":"POST /get-access-token 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:38"} -{"level":"info","message":"POST /login 200 - 136ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:38"} -{"level":"info","message":"POST /add-user 201 - 2898ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:41"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:43"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:43"} -{"level":"info","message":"POST /get-access-token 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:43"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:43"} -{"level":"info","message":"POST /add-user 201 - 2857ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:46"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:46"} -{"level":"info","message":"POST /get-access-token 200 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:47"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:47"} -{"level":"info","message":"POST /add-user 201 - 2693ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:49"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:50"} -{"level":"info","message":"GET /refresh-token/851/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:50"} -{"level":"info","message":"POST /get-access-token 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:50"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:50"} -{"level":"info","message":"POST /add-user 201 - 2666ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:53"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:53"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:53"} -{"level":"info","message":"POST /get-access-token 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:53"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:53"} -{"level":"info","message":"POST /add-user 201 - 2302ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:55"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:55"} -{"level":"info","message":"GET /refresh-token/853/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:55"} -{"level":"info","message":"POST /get-access-token 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:55"} -{"level":"info","message":"POST /login 200 - 168ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:56"} -{"level":"info","message":"POST /add-user 201 - 2398ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:58"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:58"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:58"} -{"level":"info","message":"POST /get-access-token 200 - 159ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:58"} -{"level":"info","message":"POST /login 200 - 178ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:43:59"} -{"level":"info","message":"POST /add-user 201 - 2467ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:01"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:01"} -{"level":"info","message":"GET /refresh-token/855/9 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:01"} -{"level":"info","message":"POST /get-access-token 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:01"} -{"level":"info","message":"POST /login 200 - 201ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:02"} -{"level":"info","message":"POST /add-user 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:02"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:02"} -{"level":"info","message":"GET /refresh-token/843/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:02"} -{"level":"info","message":"POST /get-access-token 200 - 58ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:02"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:02"} -{"level":"info","message":"POST /upload 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:02"} -{"level":"info","message":"GET /hospital/240 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:02"} -{"level":"info","message":"GET /api/documents/453 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:18"} -{"level":"info","message":"GET /api/documents/453 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:23"} -{"level":"info","message":"GET /api/documents/453 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:29"} -{"level":"info","message":"GET /api/documents/453 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:34"} -{"level":"info","message":"GET /api/documents/453 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:39"} -{"level":"info","message":"GET /api/documents/453 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:44"} -{"level":"info","message":"GET /api/documents/453 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:49"} -{"level":"info","message":"GET /api/documents/453 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:54"} -{"level":"info","message":"GET /api/documents/453 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:44:59"} -{"level":"info","message":"GET /api/documents/453 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:04"} -{"level":"info","message":"GET /api/documents/453 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:09"} -{"level":"info","message":"GET /api/documents/453 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:14"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:19"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:19"} -{"level":"info","message":"POST /get-access-token 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:19"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:19"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:19"} -{"level":"info","message":"GET /refresh-token/126/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:19"} -{"level":"info","message":"POST /refresh 200 - 204ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:20"} -{"level":"info","message":"POST /login 200 - 153ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:20"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:20"} -{"level":"info","message":"POST /add-user 201 - 2773ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:23"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:23"} -{"level":"info","message":"GET /refresh-token/856/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:23"} -{"level":"info","message":"POST /get-access-token 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:23"} -{"level":"info","message":"POST /login 200 - 171ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:23"} -{"level":"info","message":"POST /add-user 201 - 2827ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:26"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:26"} -{"level":"info","message":"GET /refresh-token/857/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:26"} -{"level":"info","message":"POST /get-access-token 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:26"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:26"} -{"level":"info","message":"POST /add-user 201 - 2829ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:29"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:29"} -{"level":"info","message":"GET /refresh-token/858/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:29"} -{"level":"info","message":"POST /get-access-token 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:30"} -{"level":"info","message":"POST /login 200 - 149ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:30"} -{"level":"info","message":"POST /add-user 201 - 2776ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:33"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:33"} -{"level":"info","message":"GET /refresh-token/859/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:33"} -{"level":"info","message":"POST /get-access-token 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:33"} -{"level":"info","message":"POST /login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:34"} -{"level":"info","message":"POST /add-user 201 - 2940ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:36"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:36"} -{"level":"info","message":"GET /refresh-token/860/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:36"} -{"level":"info","message":"POST /get-access-token 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:36"} -{"level":"info","message":"POST /login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:36"} -{"level":"info","message":"POST /upload 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:37"} -{"level":"info","message":"POST /upload 200 - 136ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:37"} -{"level":"info","message":"POST /upload 200 - 133ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:37"} -{"level":"info","message":"POST /upload 200 - 189ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:37"} -{"level":"info","message":"POST /upload 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:37"} -{"level":"info","message":"POST /add-user 201 - 2750ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:40"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:40"} -{"level":"info","message":"GET /refresh-token/861/8 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:40"} -{"level":"info","message":"POST /get-access-token 200 - 285ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:40"} -{"level":"info","message":"POST /login 200 - 198ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:40"} -{"level":"info","message":"POST /upload 200 - 104ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:41"} -{"level":"info","message":"GET /hospital/32 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:41"} -{"level":"info","message":"POST /upload 200 - 150ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:41"} -{"level":"info","message":"GET /hospital/32 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:41"} -{"level":"info","message":"PUT /update-status/304 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:41"} -{"level":"info","message":"DELETE /delete/304 200 - 620ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:42"} -{"level":"info","message":"PUT /update-status/999999 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:42"} -{"level":"info","message":"DELETE /delete/999999 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:42"} -{"level":"info","message":"GET /hospital/999999 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:42"} -{"level":"info","message":"POST /add-user 201 - 2814ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:45"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:45"} -{"level":"info","message":"GET /refresh-token/862/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:45"} -{"level":"info","message":"POST /get-access-token 200 - 112ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:45"} -{"level":"info","message":"POST /login 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:45"} -{"level":"info","message":"POST /add-user 201 - 3040ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:48"} -{"level":"info","message":"PUT /edit-user/863 200 - 123ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:48"} -{"level":"info","message":"PUT /edit-user/863 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:49"} -{"level":"info","message":"POST /add-user 201 - 2424ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:51"} -{"level":"info","message":"GET /refresh-token/864/8 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:51"} -{"level":"info","message":"POST /get-access-token 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:51"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:51"} -{"level":"info","message":"PUT /edit-user/863 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:51"} -{"level":"info","message":"DELETE /delete-user/863 200 - 120ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:52"} -{"level":"info","message":"POST /add-user 201 - 2825ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:54"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:55"} -{"level":"info","message":"GET /refresh-token/865/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:55"} -{"level":"info","message":"POST /get-access-token 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:55"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:55"} -{"level":"info","message":"DELETE /delete-user/863 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:55"} -{"level":"info","message":"POST /add-user 201 - 2727ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:58"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:58"} -{"level":"info","message":"GET /refresh-token/866/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:58"} -{"level":"info","message":"POST /get-access-token 200 - 113ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:58"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:58"} -{"level":"info","message":"DELETE /delete-user/866 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:58"} -{"level":"info","message":"GET /866 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:45:58"} -{"level":"info","message":"POST /add-user 201 - 2839ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:01"} -{"level":"info","message":"POST /hospital-users/login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:01"} -{"level":"info","message":"GET /refresh-token/867/9 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:01"} -{"level":"info","message":"POST /get-access-token 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:01"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:01"} -{"level":"info","message":"POST /add-user 201 - 2468ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:04"} -{"level":"info","message":"PUT /edit-user/868 200 - 313ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:04"} -{"level":"info","message":"POST /add-user 201 - 2527ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:07"} -{"level":"info","message":"PUT /edit-user/868 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:07"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:07"} -{"level":"info","message":"GET /refresh-token/868/9 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:07"} -{"level":"info","message":"POST /get-access-token 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:07"} -{"level":"info","message":"POST /login 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:07"} -{"level":"info","message":"PUT /edit-user/869 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:07"} -{"level":"info","message":"DELETE /delete-user/868 200 - 101ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:08"} -{"level":"info","message":"DELETE /delete-user/869 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:08"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:08"} -{"level":"info","message":"GET /refresh-token/869/8 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:08"} -{"level":"info","message":"POST /get-access-token 200 - 303ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:08"} -{"level":"info","message":"POST /login 200 - 864ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:09"} -{"level":"info","message":"DELETE /delete-user/868 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:09"} -{"level":"info","message":"POST /signup 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:09"} -{"level":"info","message":"POST /signup 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:09"} -{"level":"info","message":"POST /signup 400 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:09"} -{"level":"info","message":"POST /signup 201 - 287ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:09"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:10"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:10"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:10"} -{"level":"info","message":"POST /get-access-token 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:10"} -{"level":"info","message":"GET /list/240 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:10"} -{"level":"info","message":"POST /login 200 - 573ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:10"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:10"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:11"} -{"level":"info","message":"POST /get-access-token 200 - 1328ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:12"} -{"level":"info","message":"GET /list/240 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:12"} -{"level":"info","message":"POST /login 200 - 185ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:12"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:12"} -{"level":"info","message":"POST /get-access-token 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:12"} -{"level":"info","message":"GET /list/240 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:12"} -{"level":"info","message":"POST /login 200 - 176ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:13"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:13"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:13"} -{"level":"info","message":"POST /get-access-token 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:13"} -{"level":"info","message":"GET /list/240 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:13"} -{"level":"info","message":"POST /login 200 - 260ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:13"} -{"level":"info","message":"POST /login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:13"} -{"level":"info","message":"POST /signup 201 - 923ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:14"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:14"} -{"level":"info","message":"POST /hospital-users/login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:14"} -{"level":"info","message":"GET /refresh-token/843/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:14"} -{"level":"info","message":"POST /get-access-token 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:14"} -{"level":"info","message":"POST /login 200 - 133ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:15"} -{"level":"info","message":"PUT /approve-id/167 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:15"} -{"level":"info","message":"POST /login 200 - 220ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:15"} -{"level":"info","message":"POST /login 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:15"} -{"level":"info","message":"GET /chat-sessions 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:15"} -{"level":"info","message":"POST /login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:15"} -{"level":"info","message":"GET /chat-sessions 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:33"} -{"level":"info","message":"POST /login 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:33"} -{"level":"info","message":"GET /chat/1 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:33"} -{"level":"info","message":"POST /login 200 - 136ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:34"} -{"level":"info","message":"PUT /delete-chat 200 - 106ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:34"} -{"level":"info","message":"POST /login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:34"} -{"level":"info","message":"PUT /delete-session 200 - 114ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:34"} -{"level":"info","message":"GET /refresh-token/843/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:34"} -{"level":"info","message":"POST /get-access-token 200 - 114ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:34"} -{"level":"info","message":"POST /api/documents 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:34"} -{"level":"info","message":"GET /api/documents/None 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:44"} -{"level":"info","message":"GET /refresh-token/843/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:44"} -{"level":"info","message":"POST /get-access-token 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:44"} -{"level":"info","message":"PUT /api/settings/public-signup/240 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:44"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:45"} -{"level":"info","message":"GET /refresh-token/843/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:45"} -{"level":"info","message":"POST /get-access-token 200 - 102ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:45"} -{"level":"info","message":"PUT /api/settings/public-signup/240 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:45"} -{"level":"info","message":"PUT /api/settings/public-signup/240 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:45"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:45"} -{"level":"info","message":"GET /refresh-token/843/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:45"} -{"level":"info","message":"POST /get-access-token 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:45"} -{"level":"info","message":"PUT /api/settings/public-signup/240 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:45"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:45"} -{"level":"info","message":"GET /refresh-token/843/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:45"} -{"level":"info","message":"POST /get-access-token 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:45"} -{"level":"info","message":"POST /login 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:45"} -{"level":"info","message":"POST /signup 201 - 209ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:46"} -{"level":"info","message":"PUT /approve-id/168 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:46"} -{"level":"info","message":"POST /signup 201 - 268ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:46"} -{"level":"info","message":"PUT /approve-id/169 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:46"} -{"level":"info","message":"POST /signup 201 - 183ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:46"} -{"level":"info","message":"PUT /approve-id/170 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:46"} -{"level":"info","message":"POST /signup 201 - 200ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:47"} -{"level":"info","message":"PUT /approve-id/171 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:47"} -{"level":"info","message":"POST /signup 201 - 183ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:47"} -{"level":"info","message":"PUT /approve-id/172 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:46:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:47:48"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:48:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:49:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:50:48"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:51:48"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:52:48"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:54:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:55:34"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:56:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:57:34"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:58:34"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 09:59:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:00:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:01:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:02:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:03:34"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:04:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:40"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:40"} -{"level":"info","message":"POST /get-access-token 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:40"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:40"} -{"level":"info","message":"GET /833 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:40"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:41"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:41"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:41"} -{"level":"info","message":"POST /refresh 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:42"} -{"level":"info","message":"POST /login 200 - 198ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:42"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:42"} -{"level":"info","message":"POST /hospitals/active 200 - 195ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:43"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 441ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:43"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 255ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:43"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:43"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:43"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:44"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:44"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:44"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:44"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:44"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:44"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:08:50"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:06"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:06"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:06"} -{"level":"info","message":"POST /refresh 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:06"} -{"level":"info","message":"POST /login 200 - 180ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:07"} -{"level":"info","message":"GET /users/active 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:07"} -{"level":"info","message":"POST /hospitals/active 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:07"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 253ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:08"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:09"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:14"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:18"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:18"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:18"} -{"level":"info","message":"POST /refresh 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:18"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:19"} -{"level":"info","message":"POST /hospitals/active 200 - 100ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:19"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 294ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:19"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:25"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:09:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:21"} -{"level":"info","message":"GET /refresh-token/833/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:21"} -{"level":"info","message":"POST /get-access-token 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:22"} -{"level":"info","message":"POST /login 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:22"} -{"level":"info","message":"GET /833 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:22"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:24"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:24"} -{"level":"info","message":"GET /colors 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:26"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:26"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:26"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:26"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:26"} -{"level":"info","message":"GET /public-signup/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:28"} -{"level":"info","message":"GET /hospital/received 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /229 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /hospital/received 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:35"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:36"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:36"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:37"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:38"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:38"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:38"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:38"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:38"} -{"level":"info","message":"GET /public-signup/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:39"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:40"} -{"level":"info","message":"GET /229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:46"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:48"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:50"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:10:55"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:11:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:11:50"} -{"level":"info","message":"POST /api/process_excel/ 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:12:00"} -{"level":"info","message":"POST /api/process_excel/ 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:12:08"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:12:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:12:50"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:13:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:13:51"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:14:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:14:51"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:15:51"} -{"level":"info","message":"GET / 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:16:22"} -{"level":"info","message":"GET /229 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:16:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:16:51"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:17:34"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:18:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:18:34"} -{"level":"info","message":"GET /229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:19:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:19:34"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:20:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:20:34"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:21:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:21:34"} -{"level":"info","message":"GET /229 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:22:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:22:34"} -{"level":"info","message":"GET /229 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:23:34"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:23:34"} -{"cpu":{"loadAvg":0.09,"usage":3.1474001339217637},"errors":{},"level":"info","memory":{"external":21897150,"heapTotal":88276992,"heapUsed":83602680,"rss":191717376},"message":"Application metrics","requests":{"byEndpoint":{"DELETE /delete-user/863":{"failed":1,"success":1,"total":2},"DELETE /delete-user/866":{"failed":0,"success":1,"total":1},"DELETE /delete-user/868":{"failed":1,"success":1,"total":2},"DELETE /delete-user/869":{"failed":1,"success":0,"total":1},"DELETE /delete/160":{"failed":0,"success":1,"total":1},"DELETE /delete/161":{"failed":0,"success":1,"total":1},"DELETE /delete/162":{"failed":0,"success":1,"total":1},"DELETE /delete/164":{"failed":0,"success":1,"total":1},"DELETE /delete/241":{"failed":1,"success":1,"total":2},"DELETE /delete/244":{"failed":0,"success":1,"total":1},"DELETE /delete/245":{"failed":0,"success":1,"total":1},"DELETE /delete/304":{"failed":0,"success":1,"total":1},"DELETE /delete/425":{"failed":1,"success":1,"total":2},"DELETE /delete/427":{"failed":0,"success":1,"total":1},"DELETE /delete/429":{"failed":0,"success":1,"total":1},"DELETE /delete/431":{"failed":0,"success":1,"total":1},"DELETE /delete/440":{"failed":0,"success":1,"total":1},"DELETE /delete/441":{"failed":0,"success":1,"total":1},"DELETE /delete/448":{"failed":0,"success":1,"total":1},"DELETE /delete/999999":{"failed":1,"success":0,"total":1},"GET /":{"failed":0,"success":7,"total":7},"GET /.env":{"failed":2,"success":0,"total":2},"GET /.git/config":{"failed":2,"success":0,"total":2},"GET /229":{"failed":13,"success":750,"total":763},"GET /239":{"failed":0,"success":93,"total":93},"GET /833":{"failed":0,"success":7,"total":7},"GET /842":{"failed":1,"success":1,"total":2},"GET /866":{"failed":1,"success":0,"total":1},"GET /_ignition/execute-solution":{"failed":1,"success":0,"total":1},"GET /admin/assets/css/jquery-ui.css":{"failed":1,"success":0,"total":1},"GET /admin/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /api/documents/453":{"failed":12,"success":0,"total":12},"GET /api/documents/None":{"failed":1,"success":0,"total":1},"GET /app/webroot/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":0,"success":3,"total":3},"GET /asset/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/bower_components/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/admin/js/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/admin/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/backend/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/color_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/libs/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /assets/scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/themes/metronic/global/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /assets/tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /assets/vendor/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /assets/vendor_admin/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /blog":{"failed":1,"success":0,"total":1},"GET /chat-sessions":{"failed":2,"success":4,"total":6},"GET /chat/1":{"failed":0,"success":1,"total":1},"GET /coaster/jquery/gallery-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /coloradmin/assets/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /colors":{"failed":12,"success":45,"total":57},"GET /demo":{"failed":1,"success":0,"total":1},"GET /developmentserver/metadatauploader":{"failed":1,"success":0,"total":1},"GET /favicon.ico":{"failed":2,"success":0,"total":2},"GET /filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /filemanager/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /formcraft/file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":35,"total":35},"GET /hospital-users/229":{"failed":0,"success":1,"total":1},"GET /hospital/229":{"failed":0,"success":105,"total":105},"GET /hospital/239":{"failed":0,"success":5,"total":5},"GET /hospital/240":{"failed":0,"success":1,"total":1},"GET /hospital/32":{"failed":0,"success":2,"total":2},"GET /hospital/999999":{"failed":1,"success":0,"total":1},"GET /hospital/received":{"failed":2,"success":38,"total":40},"GET /hospitals/onboarded":{"failed":0,"success":35,"total":35},"GET /jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /js/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /js/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /js/tinymce4/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /lib/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /list":{"failed":0,"success":30,"total":30},"GET /list/240":{"failed":0,"success":4,"total":4},"GET /list/244":{"failed":1,"success":0,"total":1},"GET /media/mediamgr/other/jq_fileupload/server/php/":{"failed":1,"success":0,"total":1},"GET /metronic/assets/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /new":{"failed":1,"success":0,"total":1},"GET /owa/auth/logon.aspx":{"failed":1,"success":0,"total":1},"GET /phpformbuilder/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /plugins/jquery.filer/php/readme.txt":{"failed":1,"success":0,"total":1},"GET /plugins/kcfinder/upload.php":{"failed":1,"success":0,"total":1},"GET /popular-topics":{"failed":0,"success":4,"total":4},"GET /public-signup/229":{"failed":0,"success":21,"total":21},"GET /public-signup/239":{"failed":0,"success":4,"total":4},"GET /public/javascript/jquery.upload/server/php/":{"failed":1,"success":0,"total":1},"GET /public/vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /refresh-token/124/6":{"failed":0,"success":10,"total":10},"GET /refresh-token/125/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/126/6":{"failed":0,"success":12,"total":12},"GET /refresh-token/130/6":{"failed":0,"success":1,"total":1},"GET /refresh-token/26/6":{"failed":0,"success":12,"total":12},"GET /refresh-token/31/7":{"failed":0,"success":12,"total":12},"GET /refresh-token/833/7":{"failed":0,"success":7,"total":7},"GET /refresh-token/842/7":{"failed":0,"success":2,"total":2},"GET /refresh-token/843/7":{"failed":0,"success":7,"total":7},"GET /refresh-token/848/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/851/8":{"failed":0,"success":1,"total":1},"GET /refresh-token/853/8":{"failed":0,"success":1,"total":1},"GET /refresh-token/855/9":{"failed":0,"success":1,"total":1},"GET /refresh-token/856/8":{"failed":0,"success":1,"total":1},"GET /refresh-token/857/8":{"failed":0,"success":1,"total":1},"GET /refresh-token/858/8":{"failed":0,"success":1,"total":1},"GET /refresh-token/859/8":{"failed":0,"success":1,"total":1},"GET /refresh-token/860/8":{"failed":0,"success":1,"total":1},"GET /refresh-token/861/8":{"failed":0,"success":1,"total":1},"GET /refresh-token/862/8":{"failed":0,"success":1,"total":1},"GET /refresh-token/864/8":{"failed":0,"success":1,"total":1},"GET /refresh-token/865/8":{"failed":0,"success":1,"total":1},"GET /refresh-token/866/8":{"failed":0,"success":1,"total":1},"GET /refresh-token/867/9":{"failed":0,"success":1,"total":1},"GET /refresh-token/868/9":{"failed":0,"success":1,"total":1},"GET /refresh-token/869/8":{"failed":0,"success":1,"total":1},"GET /resources/global/plugins/jquery-file-upload/server/php/":{"failed":1,"success":0,"total":1},"GET /scripts/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /tinymce/plugins/filemanager/dialog.php":{"failed":1,"success":0,"total":1},"GET /users/active":{"failed":0,"success":5,"total":5},"GET /vendor/laravel-filemanager/js/script.js":{"failed":1,"success":0,"total":1},"GET /wordpress":{"failed":1,"success":0,"total":1},"GET /wp":{"failed":1,"success":0,"total":1},"POST /add":{"failed":0,"success":6,"total":6},"POST /add-user":{"failed":1,"success":21,"total":22},"POST /api/documents":{"failed":1,"success":0,"total":1},"POST /api/process_excel/":{"failed":2,"success":0,"total":2},"POST /app-user/submit":{"failed":0,"success":2,"total":2},"POST /change-password":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":6,"success":8,"total":14},"POST /get-access-token":{"failed":0,"success":45,"total":45},"POST /hospital-users/login":{"failed":3,"success":71,"total":74},"POST /hospital/forward":{"failed":0,"success":15,"total":15},"POST /hospitals/active":{"failed":0,"success":26,"total":26},"POST /initialize":{"failed":3,"success":5,"total":8},"POST /login":{"failed":9,"success":76,"total":85},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":26,"total":26},"POST /send-otp":{"failed":0,"success":1,"total":1},"POST /send-pin-otp":{"failed":0,"success":1,"total":1},"POST /send-temp-password":{"failed":0,"success":2,"total":2},"POST /signup":{"failed":3,"success":7,"total":10},"POST /upload":{"failed":0,"success":15,"total":15},"POST /upload-profile-photo":{"failed":0,"success":5,"total":5},"POST /verify-pin":{"failed":0,"success":4,"total":4},"PUT /api/settings/public-signup/240":{"failed":4,"success":0,"total":4},"PUT /approve-id/167":{"failed":0,"success":1,"total":1},"PUT /approve-id/168":{"failed":1,"success":0,"total":1},"PUT /approve-id/169":{"failed":1,"success":0,"total":1},"PUT /approve-id/170":{"failed":1,"success":0,"total":1},"PUT /approve-id/171":{"failed":1,"success":0,"total":1},"PUT /approve-id/172":{"failed":1,"success":0,"total":1},"PUT /change-password":{"failed":0,"success":1,"total":1},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /delete-chat":{"failed":0,"success":1,"total":1},"PUT /delete-session":{"failed":0,"success":1,"total":1},"PUT /edit-user/833":{"failed":0,"success":3,"total":3},"PUT /edit-user/863":{"failed":0,"success":3,"total":3},"PUT /edit-user/868":{"failed":0,"success":2,"total":2},"PUT /edit-user/869":{"failed":0,"success":1,"total":1},"PUT /update-password/842":{"failed":1,"success":1,"total":2},"PUT /update-password/848":{"failed":0,"success":1,"total":1},"PUT /update-status/304":{"failed":0,"success":1,"total":1},"PUT /update-status/999999":{"failed":1,"success":0,"total":1},"PUT /update/229":{"failed":0,"success":1,"total":1},"PUT /update/232":{"failed":0,"success":1,"total":1},"PUT /update/237":{"failed":0,"success":2,"total":2},"PUT /update/239":{"failed":0,"success":1,"total":1},"PUT /update/241":{"failed":1,"success":1,"total":2},"PUT /update/243":{"failed":1,"success":1,"total":2},"PUT /update/245":{"failed":0,"success":1,"total":1}},"failed":157,"success":1667,"total":1824},"responseTime":{"avg":118.20504385964912,"max":10517,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-09T04:54:18.913Z"} -{"level":"info","message":"POST /login 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:24:19"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:24:32"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:24:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:24:34"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:24:37"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:25:03"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:25:09"} -{"level":"info","message":"GET /229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:25:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:25:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:01"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:01"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:01"} -{"level":"info","message":"POST /refresh 200 - 133ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:01"} -{"level":"info","message":"POST /login 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:01"} -{"level":"info","message":"GET /list 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:02"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:52"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:52"} -{"level":"info","message":"POST /get-access-token 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:52"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:52"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:52"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:54"} -{"level":"info","message":"GET /32 200 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:54"} -{"level":"info","message":"GET /32 304 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:54"} -{"level":"info","message":"GET /32 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:54"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:54"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:54"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:54"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:55"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:55"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:55"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:59"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:26:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:00"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:09"} -{"level":"info","message":"GET /hospital/received 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:09"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:09"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:10"} -{"level":"info","message":"GET /colors 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:10"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:10"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:10"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:11"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:11"} -{"level":"info","message":"GET /32 304 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:11"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:11"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:13"} -{"level":"info","message":"GET /public-signup/32 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:13"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:14"} -{"level":"info","message":"GET /hospital/32 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:14"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:14"} -{"level":"info","message":"GET /public-signup/32 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:17"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:17"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:34"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:34"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:45"} -{"level":"info","message":"GET /colors 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:45"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:45"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:45"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:49"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:49"} -{"level":"info","message":"GET /32 304 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:49"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:51"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:51"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:51"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:53"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:53"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:53"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:54"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:54"} -{"level":"info","message":"GET /public-signup/32 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:55"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:55"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:55"} -{"level":"info","message":"GET /hospital/32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:57"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:57"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:57"} -{"level":"info","message":"GET /public-signup/32 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:27:59"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:00"} -{"level":"info","message":"GET /colors 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:00"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:00"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:00"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:01"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:01"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:01"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:02"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:02"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:02"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:03"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:03"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:04"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:04"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:04"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:04"} -{"level":"info","message":"GET /public-signup/32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:04"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:04"} -{"level":"info","message":"GET /hospital/32 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:05"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:05"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:05"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:14"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:19"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:19"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:34"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:54"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:54"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:54"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:58"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:58"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:28:58"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:03"} -{"level":"info","message":"GET /colors 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:03"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:03"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:04"} -{"level":"info","message":"GET /public-signup/32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:04"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:04"} -{"level":"info","message":"GET /hospital/32 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:05"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:05"} -{"level":"info","message":"GET /229 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:34"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:50"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:50"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:50"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:50"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:50"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:50"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:51"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:51"} -{"level":"info","message":"GET /hospital/32 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:29:51"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:04"} -{"level":"info","message":"GET /public-signup/32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:04"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:06"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:06"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:06"} -{"level":"info","message":"GET /32 304 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:07"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:07"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:08"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:08"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:08"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:08"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:10"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:10"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:10"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:10"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:10"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:10"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:11"} -{"level":"info","message":"GET /hospital/32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:11"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:11"} -{"level":"info","message":"GET /public-signup/32 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:12"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:12"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:29"} -{"level":"info","message":"GET /hospital/32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:29"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:29"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:30:34"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:03"} -{"level":"info","message":"GET /public-signup/32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:03"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:03"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:04"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:05"} -{"level":"info","message":"GET /32 304 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:05"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:05"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:05"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:05"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:09"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:10"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:12"} -{"level":"info","message":"GET /hospital/32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:12"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:31:34"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:32:11"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:32:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:32:11"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:32:15"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:32:15"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:32:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:32:34"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:33:11"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:33:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:33:34"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:34:11"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:34:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:34:34"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:35:11"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:35:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:35:34"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:36:11"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:36:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:36:34"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:37:11"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:37:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:37:16"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:37:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:37:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:37:21"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-09 10:37:31"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-09 10:37:33"} -{"level":"info","message":"GET /229 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:37:34"} -{"level":"info","message":"GET /229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:37:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:37:49"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:37:49"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:37:49"} -{"level":"info","message":"DELETE /delete/163 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:37:55"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:38:16"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:38:34"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:38:34"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:38:41"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:38:41"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:38:41"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:38:41"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:38:46"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:38:46"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:38:49"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:38:50"} -{"level":"info","message":"POST /hospital-users/login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:04"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:04"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:04"} -{"level":"info","message":"POST /refresh 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:04"} -{"level":"info","message":"POST /login 200 - 121ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:04"} -{"level":"info","message":"GET /users/active 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:05"} -{"level":"info","message":"POST /hospitals/active 200 - 100ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:05"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 300ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:05"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:09"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:14"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:23"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:24"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:26"} -{"level":"info","message":"GET /public-signup/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:29"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:32"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:32"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:34"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:34"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:34"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:34"} -{"level":"info","message":"GET /colors 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:34"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:36"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:36"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:36"} -{"level":"info","message":"POST /refresh 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:36"} -{"level":"info","message":"POST /login 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:37"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:37"} -{"level":"info","message":"POST /hospitals/active 200 - 166ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:37"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 352ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:37"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 246ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:39"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:44"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:49"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:50"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:50"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:39:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:04"} -{"level":"info","message":"GET /refresh-token/417/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:04"} -{"level":"info","message":"POST /get-access-token 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:05"} -{"level":"info","message":"POST /login 200 - 164ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:05"} -{"level":"info","message":"GET /417 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:05"} -{"level":"info","message":"PUT /update-password/417 200 - 198ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:17"} -{"level":"info","message":"POST /add 201 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:17"} -{"level":"info","message":"POST /upload-profile-photo 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:25"} -{"level":"info","message":"POST /add 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:25"} -{"level":"info","message":"PUT /update/70 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:26"} -{"level":"info","message":"POST /add 200 - 163ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:26"} -{"level":"info","message":"GET /70 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:32"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:32"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:32"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:32"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:32"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:32"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:32"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:32"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:33"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:34"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:35"} -{"level":"info","message":"GET /hospital/70 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:35"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:35"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:37"} -{"level":"info","message":"GET /70 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:37"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:37"} -{"level":"info","message":"GET /public-signup/70 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:37"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:38"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:38"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:38"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:38"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:38"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:38"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:42"} -{"level":"info","message":"GET /hospital/70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:42"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:42"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:45"} -{"level":"info","message":"GET /public-signup/70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:45"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:45"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:48"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:49"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:49"} -{"level":"info","message":"GET /public-signup/32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:49"} -{"level":"info","message":"GET /32 304 - 55ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:49"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:56"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:56"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:56"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:56"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:56"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:56"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:58"} -{"level":"info","message":"GET /public-signup/70 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:58"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:40:58"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:08"} -{"level":"info","message":"GET /colors 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:08"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:08"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:08"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:08"} -{"level":"info","message":"GET /70 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:10"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:10"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:10"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:10"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:11"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:11"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:11"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:14"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:14"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:14"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:14"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:14"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:14"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:19"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:19"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:22"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:33"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:37"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:40"} -{"level":"info","message":"GET /hospital/229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:40"} -{"level":"info","message":"GET /hospital/229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:40"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:40"} -{"level":"info","message":"GET /hospital/229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:40"} -{"level":"info","message":"GET /hospital/229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:42"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:44"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:44"} -{"level":"info","message":"POST /get-access-token 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:44"} -{"level":"info","message":"POST /login 200 - 305ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:44"} -{"level":"info","message":"GET /833 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:44"} -{"level":"info","message":"GET /229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:47"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:48"} -{"level":"info","message":"GET /hospital/229 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:48"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:48"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:52"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:53"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:41:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:12"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:27"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:32"} -{"level":"info","message":"GET /229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:47"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:49"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:49"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:42:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:12"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:17"} -{"level":"info","message":"GET /hospital/32 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:17"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:32"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:48"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:53"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:53"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:53"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:53"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:54"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:54"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:54"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:43:59"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:44:15"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:44:18"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:44:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:44:55"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:15"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:18"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:56"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:56"} -{"level":"info","message":"GET /hospital/229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:56"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:56"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:56"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:56"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:45:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:01"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:12"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:12"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:12"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:13"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:13"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:13"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:13"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:13"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:13"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:13"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:13"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:16"} -{"level":"info","message":"GET /32 304 - 38ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:16"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:16"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:17"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:17"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:17"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:17"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:18"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:18"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:18"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:18"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:23"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:34"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:49"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:49"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:49"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:54"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:46:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:03"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:13"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:13"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:13"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:13"} -{"level":"info","message":"GET /32 304 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:13"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:14"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:19"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:19"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:23"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:28"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:28"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:28"} -{"level":"info","message":"GET /70 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:28"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:29"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:29"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:29"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:34"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:34"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:34"} -{"level":"info","message":"PUT /edit-user/417 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:47:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:48:14"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:48:14"} -{"level":"info","message":"GET /70 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:48:30"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:48:31"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:48:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:48:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:48:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:48:47"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:48:55"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:48:55"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:48:55"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:00"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:00"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:00"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:00"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:00"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:00"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:00"} -{"level":"info","message":"GET /hospital/70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:01"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:01"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:01"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:06"} -{"level":"info","message":"GET /public-signup/70 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:06"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:06"} -{"level":"info","message":"PUT /public-signup/70 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:08"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:10"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:11"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:11"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:11"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:11"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:14"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:16"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:49:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:50:02"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:50:02"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:50:02"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:50:02"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:50:11"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:50:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:50:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:50:24"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:50:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:50:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:50:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:50:30"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:50:34"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:51:11"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:51:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:51:25"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:51:34"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:52:11"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:52:25"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:52:34"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:53:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:53:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:53:11"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:53:11"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:53:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:53:11"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:53:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:53:16"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:53:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:53:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:53:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:53:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:53:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:53:46"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:54:11"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:54:11"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:54:21"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:54:34"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:54:41"} -{"level":"info","message":"GET /hospital/32 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:54:41"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:54:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:54:42"} -{"level":"info","message":"GET /public-signup/32 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:54:54"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:54:54"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:54:54"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:55:09"} -{"level":"info","message":"GET /colors 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:55:09"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:55:09"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:55:09"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:55:11"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:55:14"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:55:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:55:42"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:10"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:11"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:41"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:44"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:44"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:44"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:49"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:49"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:57"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:57"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:57"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:58"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:58"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:56:58"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:03"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:03"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:10"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:11"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:11"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:11"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:11"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:11"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:11"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:16"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:16"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:23"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:23"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:23"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:23"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:28"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:32"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:32"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:32"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:34"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:37"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:42"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:58"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:58"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:57:58"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:01"} -{"level":"info","message":"GET /hospital/received 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:01"} -{"level":"info","message":"GET /70 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:01"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:02"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:02"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:02"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:02"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:03"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:03"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:03"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:03"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:03"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:03"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:03"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:03"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:06"} -{"level":"info","message":"GET /hospital/70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:06"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:06"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:09"} -{"level":"info","message":"GET /public-signup/70 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:09"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:09"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:10"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:10"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:10"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:10"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:11"} -{"level":"info","message":"GET /hospital/70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:11"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:11"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:12"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:12"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:12"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:12"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:12"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:12"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:17"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:17"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:23"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:23"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:23"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:26"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:26"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:26"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:26"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:26"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:28"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:28"} -{"level":"info","message":"GET /hospital/32 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:29"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:29"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:29"} -{"level":"info","message":"GET /public-signup/32 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:31"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:31"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:31"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:33"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:33"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:33"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:33"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:34"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:34"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:34"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:34"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:35"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:35"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:35"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:37"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:37"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:37"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:37"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:37"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:42"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:42"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:42"} -{"level":"info","message":"GET /.env 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:44"} -{"level":"info","message":"GET /.git/config 404 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:58:45"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:08"} -{"level":"info","message":"GET /32 304 - 43ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:08"} -{"level":"info","message":"GET /32 304 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:09"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:13"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:23"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:30"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:30"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:31"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:32"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:32"} -{"level":"info","message":"GET /32 304 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:33"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:34"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:37"} -{"level":"info","message":"GET /colors 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:37"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:37"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:42"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:42"} -{"level":"info","message":"GET /public-signup/32 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:46"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:46"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:46"} -{"level":"info","message":"GET /hospital/32 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:49"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:49"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:49"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:50"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:50"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:50"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:51"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:51"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:53"} -{"level":"info","message":"GET /hospital/32 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:53"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:53"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:54"} -{"level":"info","message":"GET /public-signup/32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:54"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:54"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:55"} -{"level":"info","message":"GET /colors 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:55"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:55"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:55"} -{"level":"info","message":"GET /public-signup/32 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:57"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:57"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:57"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:58"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:58"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:58"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 10:59:58"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:00:03"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:00:03"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:00:23"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:00:34"} -{"level":"info","message":"POST /add-user 500 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:00:46"} -{"level":"info","message":"POST /add-user 500 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:00:53"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:00:58"} -{"level":"info","message":"POST /add-user 500 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:01:17"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:01:23"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:01:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:01:34"} -{"level":"info","message":"POST /add-user 500 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:01:34"} -{"level":"info","message":"POST /add-user 500 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:01:48"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:01:58"} -{"level":"info","message":"POST /add-user 500 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:01:58"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:02:23"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:02:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:02:34"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:02:34"} -{"level":"info","message":"POST /add-user 500 - 134ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:23"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:23"} -{"level":"info","message":"POST /add-user 500 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:31"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:32"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:34"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:34"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:43"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:43"} -{"level":"info","message":"GET /public-signup/70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:43"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:46"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:46"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:46"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:46"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:46"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:46"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:51"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:03:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:13"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:14"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:14"} -{"level":"info","message":"POST /refresh 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:14"} -{"level":"info","message":"POST /login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:14"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:14"} -{"level":"info","message":"POST /hospitals/active 200 - 51ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:15"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 212ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:15"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:21"} -{"level":"info","message":"POST /add-user 500 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:22"} -{"level":"info","message":"POST /add-user 500 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:24"} -{"level":"info","message":"POST /add-user 500 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:25"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:32"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:34"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:34"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:46"} -{"level":"info","message":"POST /add-user 500 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:04:57"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:05:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:05:34"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:05:34"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:05:47"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:05:58"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:05:58"} -{"level":"info","message":"GET /public-signup/70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:05:58"} -{"level":"info","message":"GET /70 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:05:59"} -{"level":"info","message":"GET /hospital/70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:05:59"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:05:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:06:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:06:34"} -{"level":"info","message":"GET /229 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:06:34"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:06:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:07:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:07:34"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:07:34"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:07:59"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:08:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:08:34"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:08:34"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:08:59"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:09:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:09:34"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:09:34"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:09:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:10:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:10:34"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:10:59"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:52"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:52"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:52"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:57"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:57"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:11:59"} -{"level":"info","message":"POST /add-user 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:12:15"} -{"level":"info","message":"POST /add-user 500 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:12:26"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:12:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:12:53"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:12:59"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:13:53"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:13:59"} -{"level":"info","message":"POST /add-user 500 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:14:07"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:14:11"} -{"level":"info","message":"POST /add-user 500 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:14:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:14:53"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:14:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:15:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:15:52"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:16:00"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:16:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:16:52"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:17:11"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-09 11:17:49"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-09 11:17:51"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:17:52"} -{"level":"info","message":"POST /add-user 500 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:17:57"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:17:59"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:18:11"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:18:52"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:19:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:19:52"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:19:59"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:11"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:30"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:32"} -{"level":"info","message":"GET /colors 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:38"} -{"level":"info","message":"GET /229 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:38"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:38"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:38"} -{"level":"info","message":"GET /229 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:38"} -{"level":"info","message":"GET /229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:38"} -{"level":"info","message":"GET /229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:38"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:38"} -{"level":"info","message":"GET /229 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:38"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:38"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:38"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:38"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:20:43"} -{"level":"info","message":"POST /add-user 201 - 3114ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:21:01"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:21:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:21:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:21:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:21:06"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:21:11"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:21:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:22:02"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:22:11"} -{"level":"info","message":"PUT /edit-user/833 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:22:22"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:23:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:23:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:23:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:23:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:23:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:23:05"} -{"level":"info","message":"PUT /edit-user/833 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:23:08"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:23:11"} -{"level":"info","message":"PUT /edit-user/833 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:23:55"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:23:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:24:00"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:24:11"} -{"level":"info","message":"PUT /edit-user/833 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:24:57"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:25:00"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:25:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:25:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:25:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:25:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:25:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:25:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:25:42"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:25:59"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:26:11"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:26:37"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:27:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:27:37"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:27:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:28:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:28:37"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:29:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:29:37"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:29:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:30:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:30:37"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:11"} -{"level":"info","message":"PUT /edit-user/833 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:13"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:29"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:29"} -{"level":"info","message":"GET /hospital/229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:29"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:29"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:30"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:30"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:30"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:35"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:41"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:42"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:42"} -{"level":"info","message":"GET /public-signup/70 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:31:42"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:11"} -{"level":"info","message":"POST /add-user 201 - 3366ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:25"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:30"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:36"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:43"} -{"level":"info","message":"PUT /edit-user/870 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:44"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:58"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:58"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:58"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:58"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:32:59"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:03"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:04"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:33"} -{"level":"info","message":"PUT /edit-user/833 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:38"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:53"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:53"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:53"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:53"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:53"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:58"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:33:58"} -{"level":"info","message":"GET /70 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:34:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:34:53"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:42"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:42"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:42"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:42"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:35:47"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:36:11"} -{"level":"info","message":"PUT /edit-user/871 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:36:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:36:42"} -{"level":"info","message":"PUT /edit-user/871 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:36:44"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:36:59"} -{"level":"info","message":"PUT /edit-user/871 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:10"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:11"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:25"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:26"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:30"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:31"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:58"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:58"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:58"} -{"level":"info","message":"POST /refresh 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:58"} -{"level":"info","message":"POST /login 200 - 136ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:58"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:59"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:59"} -{"level":"info","message":"GET /users/active 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:59"} -{"level":"info","message":"POST /hospitals/active 200 - 141ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:59"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 298ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:37:59"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:00"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:01"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:01"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:01"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:01"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:01"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:01"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:01"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:09"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:19"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:45"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:46"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:49"} -{"level":"info","message":"GET /colors 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:55"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:58"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:58"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:58"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:58"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:58"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:58"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:38:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:03"} -{"level":"info","message":"PUT /edit-user/833 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:10"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:23"} -{"level":"info","message":"GET /users/active 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:23"} -{"level":"info","message":"POST /hospitals/active 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:23"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 278ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:50"} -{"level":"info","message":"PUT /edit-user/870 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:58"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:59"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:59"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:59"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:39:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:04"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:05"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:06"} -{"level":"info","message":"GET /users/active 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:06"} -{"level":"info","message":"POST /hospitals/active 200 - 112ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:07"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 298ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:10"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:12"} -{"level":"info","message":"PUT /edit-user/833 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:45"} -{"level":"info","message":"GET /users/active 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:47"} -{"level":"info","message":"POST /hospitals/active 200 - 110ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:47"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 295ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:50"} -{"level":"info","message":"PUT /edit-user/833 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:55"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:40:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:10"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:11"} -{"level":"info","message":"GET /list 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:14"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:25"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:30"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:40"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:43"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:43"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:43"} -{"level":"info","message":"POST /refresh 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:43"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:43"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:45"} -{"level":"info","message":"PUT /edit-user/870 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:50"} -{"level":"info","message":"POST /logout 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:51"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:55"} -{"level":"info","message":"GET /favicon.ico 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:55"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:57"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:57"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:57"} -{"level":"info","message":"POST /refresh 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:57"} -{"level":"info","message":"POST /login 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:57"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 217ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:58"} -{"level":"info","message":"GET /users/active 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:58"} -{"level":"info","message":"POST /hospitals/active 200 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:58"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:41:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:00"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:10"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:15"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:26"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:28"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:28"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:28"} -{"level":"info","message":"POST /refresh 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:28"} -{"level":"info","message":"POST /login 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:28"} -{"level":"info","message":"POST /hospitals/active 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:29"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 279ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:43"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:43"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:44"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:44"} -{"level":"info","message":"POST /hospitals/active 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:44"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:44"} -{"level":"info","message":"PUT /edit-user/870 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:57"} -{"level":"info","message":"POST /hospitals/active 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:57"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 305ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:57"} -{"level":"info","message":"GET /70 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:42:59"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:06"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:06"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:07"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:07"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:07"} -{"level":"info","message":"POST /hospitals/active 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:07"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:11"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:19"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:19"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:19"} -{"level":"info","message":"POST /refresh 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:19"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:19"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:20"} -{"level":"info","message":"POST /hospitals/active 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:20"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 280ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:20"} -{"level":"info","message":"GET /hospitals/onboarded 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:23"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:23"} -{"level":"info","message":"POST /hospitals/active 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:23"} -{"level":"info","message":"GET /list 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:41"} -{"level":"info","message":"GET /list 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:48"} -{"level":"info","message":"GET /appuser_status 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:58"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:43:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:00"} -{"level":"info","message":"GET /list 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:01"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:01"} -{"level":"info","message":"PUT /edit-user/870 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:06"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:11"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:22"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:25"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:27"} -{"level":"info","message":"GET /chat-sessions 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:27"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:51"} -{"level":"info","message":"POST /hospitals/active 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:51"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 274ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:51"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:54"} -{"level":"info","message":"GET /70 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:44:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:00"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:10"} -{"level":"info","message":"POST /hospitals/active 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:10"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 273ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:11"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:11"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:13"} -{"level":"info","message":"POST /hospitals/active 200 - 102ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:13"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 292ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:14"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:15"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:16"} -{"level":"info","message":"POST /hospitals/active 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:16"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 294ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:16"} -{"level":"info","message":"PUT /edit-user/870 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:16"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:26"} -{"level":"info","message":"POST /hospitals/active 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:26"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 282ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:28"} -{"level":"info","message":"POST /hospitals/active 200 - 93ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:28"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 272ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:28"} -{"level":"info","message":"POST /hospitals/active 200 - 43ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:30"} -{"level":"info","message":"PUT /edit-user/871 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:30"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:32"} -{"level":"info","message":"POST /hospitals/active 200 - 42ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:34"} -{"level":"info","message":"POST /hospitals/active 200 - 42ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:36"} -{"level":"info","message":"POST /hospitals/active 200 - 44ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:38"} -{"level":"info","message":"POST /hospitals/active 200 - 44ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:40"} -{"level":"info","message":"PUT /edit-user/871 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:44"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:44"} -{"level":"info","message":"POST /hospitals/active 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:44"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 302ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:44"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-09 11:45:48"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:14"} -{"level":"info","message":"GET / 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:15"} -{"level":"info","message":"GET /229 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:16"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:16"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:16"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:16"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:16"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:16"} -{"level":"info","message":"GET /hospital/229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:18"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:18"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:18"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:18"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:19"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:19"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:19"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:19"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:24"} -{"level":"info","message":"POST /hospitals/active 200 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:27"} -{"level":"info","message":"PUT /edit-user/870 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:27"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:32"} -{"level":"info","message":"POST /hospitals/active 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:41"} -{"level":"info","message":"POST /hospitals/active 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:52"} -{"level":"info","message":"GET /70 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:46:59"} -{"level":"info","message":"POST /hospitals/active 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:04"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:04"} -{"level":"info","message":"POST /hospitals/active 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:04"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 281ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:05"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:20"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:32"} -{"level":"info","message":"POST /hospitals/active 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:43"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:43"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:48"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:48"} -{"level":"info","message":"POST /hospitals/active 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:48"} -{"level":"info","message":"PUT /edit-user/833 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:52"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:47:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:21"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:22"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:22"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:22"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:26"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:27"} -{"level":"info","message":"PUT /edit-user/870 200 - 284ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:28"} -{"level":"info","message":"GET /colors 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:31"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:31"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:32"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:42"} -{"level":"info","message":"PUT /edit-user/833 200 - 113ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:43"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:47"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:52"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:59"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:59"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:59"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:59"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:59"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:59"} -{"level":"info","message":"GET /229 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:59"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:48:59"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:00"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:00"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:04"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:06"} -{"level":"info","message":"GET /public-signup/229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:06"} -{"level":"info","message":"GET /public-signup/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:06"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:06"} -{"level":"info","message":"PUT /approve-id/143 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:12"} -{"level":"info","message":"PUT /approve-id/143 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:18"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:33"} -{"level":"info","message":"PUT /approve-id/143 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:42"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:58"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:58"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:58"} -{"level":"info","message":"GET /public-signup/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:58"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:58"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:58"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:49:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:22"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:22"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:22"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:22"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:22"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:24"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:24"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:24"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:38"} -{"level":"info","message":"GET /public-signup/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:38"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:38"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:38"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:39"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:39"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:39"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:39"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:39"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:44"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:50:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:51:11"} -{"level":"info","message":"PUT /approve-id/165 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:51:12"} -{"level":"info","message":"PUT /public-signup/229 200 - 57ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:51:13"} -{"level":"info","message":"PUT /approve-id/159 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:51:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:51:40"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:51:59"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:52:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:52:40"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:52:59"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:53:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:53:40"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:53:59"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:11"} -{"level":"info","message":"DELETE /delete/159 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:22"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:30"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:30"} -{"level":"info","message":"POST /upload-profile-photo 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:33"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:33"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:34"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:34"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:34"} -{"level":"info","message":"PUT /update/229 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:38"} -{"level":"info","message":"PUT /edit-user/833 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:39"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:41"} -{"level":"info","message":"PUT /edit-user/833 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:45"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:46"} -{"level":"info","message":"PUT /edit-user/833 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:49"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:51"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:51"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:56"} -{"level":"info","message":"PUT /edit-user/833 200 - 105ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:59"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:54:59"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:00"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:01"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:05"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:06"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:11"} -{"level":"info","message":"GET /229 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:26"} -{"level":"info","message":"GET /favicon.ico 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:26"} -{"level":"info","message":"GET /70 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:55:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:56:01"} -{"level":"info","message":"PUT /edit-user/833 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:56:01"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:56:11"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:56:59"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:09"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:09"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:09"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:09"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:09"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:09"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:09"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:09"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:14"} -{"level":"info","message":"PUT /edit-user/870 200 - 194ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:38"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:57:59"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:02"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:02"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:02"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:02"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:02"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:02"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:02"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:02"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:02"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:02"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:02"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:08"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:08"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:08"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:11"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:58:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:59:02"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:59:11"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:59:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:59:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:59:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:59:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:59:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:59:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:59:43"} -{"level":"info","message":"PUT /edit-user/870 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:59:46"} -{"level":"info","message":"GET /70 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 11:59:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:01"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:06"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:06"} -{"level":"info","message":"PUT /edit-user/870 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:10"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:11"} -{"level":"info","message":"GET /229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:40"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:46"} -{"level":"info","message":"GET /70 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:00:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:01:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:01:11"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:01:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:01:11"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:01:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:01:16"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:01:16"} -{"level":"info","message":"POST /send-otp 200 - 3316ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:01:45"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:11"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:18"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:23"} -{"level":"info","message":"PUT /edit-user/870 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:34"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:40"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:41"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:46"} -{"level":"info","message":"PUT /edit-user/833 200 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:51"} -{"level":"info","message":"GET /229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:53"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:53"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:53"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:53"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:02:59"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:11"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:15"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:15"} -{"level":"info","message":"POST /get-access-token 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:15"} -{"level":"info","message":"POST /login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:15"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:17"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:17"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:18"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:22"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:22"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:22"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:22"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:22"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:22"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:23"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:23"} -{"level":"info","message":"PUT /edit-user/833 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:27"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:28"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:29"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:32"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:32"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:32"} -{"level":"info","message":"POST /send-otp 200 - 2736ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:43"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:49"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:03:49"} -{"level":"info","message":"PUT /edit-user/833 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:04:09"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:04:11"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:04:44"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:04:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:04:58"} -{"level":"info","message":"PUT /edit-user/833 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:02"} -{"level":"info","message":"GET /229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:03"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:03"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:03"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:03"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:05"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:06"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:10"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:10"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:22"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:24"} -{"level":"info","message":"GET /list 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:26"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:27"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:27"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:27"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:27"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:27"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:52"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:57"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:57"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:57"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:57"} -{"level":"info","message":"POST /refresh 200 - 98ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:57"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:57"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:57"} -{"level":"info","message":"GET /public-signup/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:57"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:57"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:57"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:57"} -{"level":"info","message":"POST /hospitals/active 200 - 95ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:57"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 296ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:58"} -{"level":"info","message":"GET /hospital/229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:59"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:05:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:06:11"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:06:59"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:06:59"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:06:59"} -{"level":"info","message":"GET /229 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:06:59"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:06:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:06:59"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:06:59"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:06:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:06:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:06:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:06:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:06:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:04"} -{"level":"info","message":"POST /send-otp 200 - 2955ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:04"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:11"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:14"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:14"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:14"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:14"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:14"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:19"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:29"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:29"} -{"level":"info","message":"GET /hospital/229 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:29"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:29"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:29"} -{"level":"info","message":"GET /hospital/229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:29"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:29"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:29"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:50"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:50"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:50"} -{"level":"info","message":"POST /refresh 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:50"} -{"level":"info","message":"POST /login 200 - 164ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:51"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:51"} -{"level":"info","message":"POST /hospitals/active 200 - 98ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:51"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 288ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:52"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 214ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:07:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:08:00"} -{"level":"info","message":"GET /list 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:08:07"} -{"level":"info","message":"GET /list 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:08:07"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:08:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:08:30"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:08:54"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:08:55"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:08:55"} -{"level":"info","message":"POST /refresh 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:08:55"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:08:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:08:56"} -{"level":"info","message":"POST /hospitals/active 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:08:56"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 275ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:08:56"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:09:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:09:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:09:46"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:09:46"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:09:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:09:46"} -{"level":"info","message":"POST /hospital/forward 200 - 168ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:09:48"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:11"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:20"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:23"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:29"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:47"} -{"level":"info","message":"GET /colors 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:53"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:53"} -{"level":"info","message":"GET /hospital/received 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:53"} -{"level":"info","message":"GET /hospital/received 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:53"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:53"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:54"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:54"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:54"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:59"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:59"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:59"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:59"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:59"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:10:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:11:00"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:11:05"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:11:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:12:01"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:12:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:13:01"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:13:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:14:01"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:14:11"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:15:01"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:15:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:01"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:05"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:05"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:05"} -{"level":"info","message":"POST /refresh 200 - 107ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:05"} -{"level":"info","message":"POST /login 200 - 135ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:06"} -{"level":"info","message":"POST /hospitals/active 200 - 155ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:07"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 329ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:07"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:11"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:25"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:25"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:25"} -{"level":"info","message":"POST /refresh 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:25"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:25"} -{"level":"info","message":"POST /hospitals/active 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:26"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 272ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:16:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:17:01"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:17:11"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:18:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:18:34"} -{"level":"info","message":"GET /appuser_status 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:18:35"} -{"level":"info","message":"POST /send-otp 200 - 5486ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:19:02"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:19:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:19:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:19:48"} -{"level":"info","message":"POST /hospitals/active 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:19:48"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 276ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:19:48"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 231ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:19:48"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:19:50"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:19:50"} -{"level":"info","message":"PUT /update/243 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:19:56"} -{"level":"info","message":"POST /create-hospital 201 - 3746ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:31"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:31"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:36"} -{"level":"info","message":"POST /hospitals/active 200 - 132ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:36"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 303ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:36"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 210ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:36"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:37"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:37"} -{"level":"info","message":"PUT /update/246 200 - 159ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:46"} -{"level":"info","message":"POST /hospitals/active 200 - 98ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:46"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 287ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:47"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 211ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:47"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:50"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 213ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:50"} -{"level":"info","message":"POST /hospitals/active 200 - 42ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:50"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 216ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:50"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:53"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:55"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:55"} -{"level":"info","message":"POST /hospitals/active 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:55"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 259ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:55"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 212ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:20:55"} -{"level":"info","message":"POST /send-otp 200 - 2935ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:21:01"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:21:34"} -{"level":"info","message":"POST /login 200 - 134ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:22:00"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:22:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:23:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:24:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:25:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:26:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:26:11"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:27:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:02"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:02"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:02"} -{"level":"info","message":"POST /refresh 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:02"} -{"level":"info","message":"POST /login 200 - 132ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:04"} -{"level":"info","message":"POST /hospitals/active 200 - 98ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:04"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 301ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:04"} -{"level":"info","message":"POST /send-otp 200 - 4515ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:05"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:28"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:34"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:34"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:52"} -{"level":"info","message":"POST /hospitals/active 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:53"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 265ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:53"} -{"level":"info","message":"POST /send-otp 200 - 2706ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:28:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:32"} -{"level":"info","message":"GET /refresh-token/840/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:33"} -{"level":"info","message":"GET /refresh-token/840/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:33"} -{"level":"info","message":"POST /refresh 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:49"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:49"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:49"} -{"level":"info","message":"POST /refresh 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:49"} -{"level":"info","message":"POST /login 200 - 132ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:49"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:50"} -{"level":"info","message":"POST /hospitals/active 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:50"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 265ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:50"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:50"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:50"} -{"level":"info","message":"POST /get-access-token 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:50"} -{"level":"info","message":"POST /login 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:50"} -{"level":"info","message":"GET /list 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:52"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:52"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:53"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:53"} -{"level":"info","message":"POST /get-access-token 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:53"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:54"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:59"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:59"} -{"level":"info","message":"POST /get-access-token 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:29:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:16"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:16"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:16"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:19"} -{"level":"info","message":"POST /hospitals/active 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:19"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 282ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:20"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:32"} -{"level":"info","message":"POST /hospitals/active 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:32"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 261ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:34"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:35"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:44"} -{"level":"info","message":"POST /hospitals/active 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:44"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 271ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:44"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:50"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:51"} -{"level":"info","message":"POST /hospitals/active 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:51"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 269ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:52"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:30:56"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:05"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:05"} -{"level":"info","message":"POST /get-access-token 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:05"} -{"level":"info","message":"POST /login 200 - 127ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:05"} -{"level":"info","message":"GET /31 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:05"} -{"level":"info","message":"GET /colors 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:07"} -{"level":"info","message":"GET /32 200 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:07"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:07"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:07"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:07"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:07"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:07"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:07"} -{"level":"info","message":"GET /32 304 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:08"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:08"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:08"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:08"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:11"} -{"level":"info","message":"GET /hospital/32 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:11"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:11"} -{"level":"info","message":"GET /public-signup/32 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:11"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:11"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:12"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:13"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:13"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:14"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:14"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:17"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:17"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:17"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:18"} -{"level":"info","message":"GET /public-signup/32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:18"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:18"} -{"level":"info","message":"GET /hospital/32 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:18"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:18"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:18"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:28"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:28"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:28"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:29"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:29"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:29"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:33"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:31:34"} -{"level":"info","message":"POST /add-user 201 - 2969ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:02"} -{"level":"info","message":"GET /32 200 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:02"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:02"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:02"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:05"} -{"level":"info","message":"GET /hospital/32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:05"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:05"} -{"level":"info","message":"POST /create-hospital 201 - 3322ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:08"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:12"} -{"level":"info","message":"POST /hospitals/active 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:12"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 275ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:12"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:17"} -{"level":"info","message":"POST /send-otp 200 - 2949ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:26"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:29"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:29"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:29"} -{"level":"info","message":"POST /refresh 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:29"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:29"} -{"level":"info","message":"POST /hospitals/active 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:29"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 268ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:34"} -{"level":"info","message":"POST /send-otp 200 - 2854ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:32:57"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:33:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:33:34"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:05"} -{"level":"info","message":"POST /send-otp 200 - 3440ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:18"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:28"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:29"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:33"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:33"} -{"level":"info","message":"POST /get-access-token 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:33"} -{"level":"info","message":"POST /login 200 - 139ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:33"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:33"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:36"} -{"level":"info","message":"GET /229 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:36"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:36"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:36"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:36"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:36"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:37"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:42"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:52"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:52"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:52"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:52"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:56"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:34:57"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:01"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:05"} -{"level":"info","message":"PUT /update/229 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:06"} -{"level":"info","message":"PUT /edit-user/833 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:06"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:06"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:10"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:10"} -{"level":"info","message":"GET /hospital/received 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:10"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:10"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:10"} -{"level":"info","message":"GET /hospital/received 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:10"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:11"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:11"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:11"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:11"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:11"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:11"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:11"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:11"} -{"level":"info","message":"POST /get-access-token 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:11"} -{"level":"info","message":"POST /get-access-token 200 - 177ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:11"} -{"level":"info","message":"GET /229 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:12"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:12"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:12"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:16"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:17"} -{"level":"info","message":"GET /hospital/229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:20"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:20"} -{"level":"info","message":"GET /hospital/229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:20"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:20"} -{"level":"info","message":"GET /hospital/229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:20"} -{"level":"info","message":"GET /hospital/229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:35:21"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:06"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:06"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:11"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:11"} -{"level":"info","message":"GET /229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:11"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:16"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:16"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:46"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:46"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:46"} -{"level":"info","message":"POST /refresh 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:46"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:46"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:46"} -{"level":"info","message":"POST /hospitals/active 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:46"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 308ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:47"} -{"level":"info","message":"POST /logout 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:56"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:36:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:01"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:01"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:01"} -{"level":"info","message":"POST /refresh 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:01"} -{"level":"info","message":"POST /login 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:02"} -{"level":"info","message":"POST /hospitals/active 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:02"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:02"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 284ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:02"} -{"level":"info","message":"POST /create-hospital 201 - 3077ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:07"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:07"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:08"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:08"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:08"} -{"level":"info","message":"POST /refresh 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:08"} -{"level":"info","message":"POST /login 200 - 135ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:09"} -{"level":"info","message":"POST /hospitals/active 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:09"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:09"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 273ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:10"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:10"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:11"} -{"level":"info","message":"POST /create-hospital 201 - 2914ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:14"} -{"level":"info","message":"GET /list 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:14"} -{"level":"info","message":"PUT /update/249 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:22"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:23"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:23"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:23"} -{"level":"info","message":"POST /refresh 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:23"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:24"} -{"level":"info","message":"POST /hospitals/active 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:24"} -{"level":"info","message":"GET /list 200 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:24"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 282ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:24"} -{"level":"info","message":"POST /create-hospital 201 - 3057ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:29"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:29"} -{"level":"info","message":"DELETE /delete/250 200 - 142ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:36"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:38"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:38"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:38"} -{"level":"info","message":"POST /refresh 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:38"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:38"} -{"level":"info","message":"POST /hospitals/active 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:39"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:39"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 288ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:39"} -{"level":"info","message":"POST /create-hospital 201 - 3301ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:43"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:44"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:46"} -{"level":"info","message":"GET /refresh-token/878/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:46"} -{"level":"info","message":"POST /get-access-token 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:46"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:46"} -{"level":"info","message":"GET /878 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:46"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:47"} -{"level":"info","message":"GET /229 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:47"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:48"} -{"level":"info","message":"PUT /update-password/878 200 - 183ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:49"} -{"level":"info","message":"POST /add 201 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:49"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:51"} -{"level":"info","message":"GET /public-signup/229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:51"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:51"} -{"level":"info","message":"GET /refresh-token/878/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:51"} -{"level":"info","message":"POST /get-access-token 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:51"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:51"} -{"level":"info","message":"GET /878 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:51"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:55"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:56"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:56"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:56"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:56"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:56"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:59"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:59"} -{"level":"info","message":"GET /hospital/229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:37:59"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:11"} -{"level":"info","message":"POST /hospital-users/login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:14"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:14"} -{"level":"info","message":"POST /get-access-token 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:14"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:14"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:14"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:16"} -{"level":"info","message":"GET /32 200 - 30ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:16"} -{"level":"info","message":"GET /32 304 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:16"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:17"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:17"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:18"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:18"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:18"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:18"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:18"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:18"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:18"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:18"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:18"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:23"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:23"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:23"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:35"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:35"} -{"level":"info","message":"POST /get-access-token 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:35"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:35"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:35"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:38"} -{"level":"info","message":"GET /32 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:38"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:38"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:38"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:38"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:38"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:38"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:38"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:38"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:38"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:38"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:39"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:39"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:39"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:39"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:44"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:44"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:44"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:55"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:55"} -{"level":"info","message":"POST /get-access-token 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:55"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:55"} -{"level":"info","message":"GET /833 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:55"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:56"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:56"} -{"level":"info","message":"POST /get-access-token 200 - 111ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:56"} -{"level":"info","message":"POST /login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:56"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:56"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:57"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:57"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:58"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:58"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:58"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:58"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:58"} -{"level":"info","message":"GET /colors 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:59"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:59"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:59"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:59"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:59"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:59"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:59"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:59"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:59"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:59"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:38:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:01"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:01"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:01"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:02"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:04"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:04"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:04"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:05"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:05"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:05"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:05"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:05"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:10"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:11"} -{"level":"info","message":"PUT /update/229 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:14"} -{"level":"info","message":"PUT /edit-user/833 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:14"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:22"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:22"} -{"level":"info","message":"POST /get-access-token 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:22"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:22"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:22"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:24"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:24"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:24"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:24"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:24"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:24"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:24"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:25"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:25"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:25"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:25"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:25"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:26"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:26"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:30"} -{"level":"info","message":"GET /public-signup/229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:30"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:30"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:32"} -{"level":"info","message":"GET /hospital/229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:32"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:33"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:33"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:34"} -{"level":"info","message":"PUT /edit-user/31 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:37"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:37"} -{"level":"info","message":"POST /get-access-token 200 - 183ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:37"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:37"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:37"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:38"} -{"level":"info","message":"GET /colors 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:39"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:39"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:39"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:39"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:39"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:39"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:39"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:39"} -{"level":"info","message":"GET /32 304 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:39"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:40"} -{"level":"info","message":"GET /colors 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:40"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:40"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:40"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:40"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:41"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:41"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:44"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:44"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:44"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:47"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:47"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:52"} -{"level":"info","message":"POST /send-otp 200 - 2961ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:52"} -{"level":"info","message":"PUT /update/229 200 - 222ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:59"} -{"level":"info","message":"PUT /edit-user/833 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:39:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:04"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:04"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:04"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:08"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:08"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:08"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:11"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:11"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:11"} -{"level":"info","message":"POST /get-access-token 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:11"} -{"level":"info","message":"POST /login 200 - 140ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:11"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:11"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:13"} -{"level":"info","message":"GET /32 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:14"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:14"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:14"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:14"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:14"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:14"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:14"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:14"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:15"} -{"level":"info","message":"GET /229 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:15"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:15"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:18"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:18"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:19"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:20"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:20"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:22"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:22"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:22"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:22"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:22"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:22"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:27"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:31"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:31"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:31"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:31"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:32"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:32"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:32"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:32"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:32"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:36"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:36"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:36"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:39"} -{"level":"info","message":"GET /hospital/received 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:39"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:47"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:47"} -{"level":"info","message":"POST /get-access-token 200 - 101ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:47"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:47"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:47"} -{"level":"info","message":"GET /colors 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:49"} -{"level":"info","message":"GET /32 200 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:49"} -{"level":"info","message":"GET /32 304 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:49"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:49"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:49"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:49"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:49"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:49"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:49"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:49"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:49"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:54"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:40:54"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:07"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:07"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:07"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:07"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:07"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:07"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:07"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:07"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:22"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:22"} -{"level":"info","message":"POST /get-access-token 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:22"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:22"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:22"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:24"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:24"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:24"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:24"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:25"} -{"level":"info","message":"GET /32 304 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:25"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:25"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:25"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:25"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:25"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:25"} -{"level":"info","message":"POST /send-otp 200 - 2924ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:29"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:29"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:30"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:42"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:42"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:42"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:42"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:42"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:42"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:42"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:42"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:42"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:47"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:47"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:41:47"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:00"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:00"} -{"level":"info","message":"POST /get-access-token 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:00"} -{"level":"info","message":"POST /login 200 - 137ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:00"} -{"level":"info","message":"GET /833 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:00"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:03"} -{"level":"info","message":"GET /229 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:03"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:03"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:03"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:04"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:04"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:04"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:04"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:04"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:09"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:10"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:11"} -{"level":"info","message":"PUT /update/246 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:15"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:16"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:16"} -{"level":"info","message":"POST /get-access-token 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:16"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:16"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:16"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:19"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:19"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:19"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:19"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:19"} -{"level":"info","message":"GET /32 304 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:19"} -{"level":"info","message":"GET /32 304 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:19"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:19"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:19"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:19"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:19"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:24"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:24"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:24"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:24"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:24"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:24"} -{"level":"info","message":"GET /229 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:24"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:24"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:26"} -{"level":"info","message":"GET /refresh-token/872/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:26"} -{"level":"info","message":"POST /get-access-token 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:27"} -{"level":"info","message":"POST /login 200 - 162ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:27"} -{"level":"info","message":"GET /872 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:27"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:29"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:29"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:36"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:36"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:36"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:36"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:36"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:36"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:36"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:36"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:36"} -{"level":"info","message":"PUT /update-password/872 200 - 209ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:37"} -{"level":"info","message":"POST /add 201 - 105ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:38"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:41"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:41"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:42:41"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:43:06"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:43:10"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:43:11"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:43:24"} -{"level":"info","message":"POST /hospital-users/login 401 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:43:26"} -{"level":"info","message":"GET /list 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:43:30"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:43:31"} -{"level":"info","message":"GET /refresh-token/874/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:43:31"} -{"level":"info","message":"POST /get-access-token 200 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:43:31"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:43:31"} -{"level":"info","message":"GET /874 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:43:31"} -{"level":"info","message":"PUT /update-password/874 200 - 211ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:43:49"} -{"level":"info","message":"POST /add 201 - 57ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:43:49"} -{"level":"info","message":"POST /hospital-users/login 401 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:43:59"} -{"level":"info","message":"POST /upload-profile-photo 200 - 95ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:01"} -{"level":"info","message":"POST /add 200 - 112ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:01"} -{"level":"info","message":"PUT /update/247 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:04"} -{"level":"info","message":"POST /add 200 - 190ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:04"} -{"level":"info","message":"POST /hospital-users/login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:04"} -{"level":"info","message":"GET /refresh-token/839/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:04"} -{"level":"info","message":"POST /get-access-token 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:04"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:04"} -{"level":"info","message":"GET /839 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:05"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:07"} -{"level":"info","message":"GET /236 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:07"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:07"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:07"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:07"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:07"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:07"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:07"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:07"} -{"level":"info","message":"GET /247 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:09"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:09"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:09"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:09"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:10"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:10"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:10"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:10"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:10"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:11"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:13"} -{"level":"info","message":"GET /236 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:13"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:13"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:14"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:14"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:15"} -{"level":"info","message":"POST /send-otp 200 - 2983ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:18"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:44:24"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:08"} -{"level":"info","message":"POST /create-hospital 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:08"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:10"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:11"} -{"level":"info","message":"POST /create-hospital 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:16"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:25"} -{"level":"info","message":"POST /create-hospital 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:50"} -{"level":"info","message":"GET /list 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:54"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:54"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:54"} -{"level":"info","message":"POST /refresh 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:54"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:55"} -{"level":"info","message":"POST /hospitals/active 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:55"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 275ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:55"} -{"level":"info","message":"GET /list 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:45:58"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:46:08"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:46:10"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:46:11"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:46:25"} -{"level":"info","message":"POST /create-hospital 201 - 2901ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:46:27"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:46:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:46:36"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:46:36"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:46:45"} -{"level":"info","message":"GET /list 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:46:45"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:03"} -{"level":"info","message":"GET /refresh-token/879/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:03"} -{"level":"info","message":"POST /get-access-token 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:04"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:04"} -{"level":"info","message":"GET /879 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:04"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:08"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:10"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:11"} -{"level":"info","message":"PUT /update-password/879 200 - 217ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:16"} -{"level":"info","message":"POST /add 201 - 159ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:16"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:24"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:35"} -{"level":"info","message":"GET /hospital/247 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:35"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:35"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:37"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:37"} -{"level":"info","message":"GET /public-signup/247 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:37"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:44"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:44"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:44"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:44"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:44"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:44"} -{"level":"info","message":"POST /send-otp 200 - 3659ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:47"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:49"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:47:49"} -{"level":"info","message":"GET /236 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:08"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:15"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:15"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:24"} -{"level":"info","message":"POST /upload-profile-photo 200 - 119ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:31"} -{"level":"info","message":"POST /add 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:31"} -{"level":"info","message":"PUT /update/246 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:32"} -{"level":"info","message":"POST /add 200 - 170ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:32"} -{"level":"info","message":"GET /246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:37"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:37"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:37"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:37"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:37"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:37"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:37"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:38"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:38"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:38"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:38"} -{"level":"info","message":"POST /check-email-code 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:39"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:42"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:42"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:43"} -{"level":"info","message":"GET /hospital/246 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:43"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:43"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:43"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:43"} -{"level":"info","message":"GET /public-signup/246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:43"} -{"level":"info","message":"GET /public-signup/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:43"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:43"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:44"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:44"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:44"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:44"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:44"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:44"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:44"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:45"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:45"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:45"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:45"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:45"} -{"level":"info","message":"GET /hospital/received 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:45"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:45"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:45"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:46"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:46"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:46"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:47"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:47"} -{"level":"info","message":"GET /246 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:47"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:47"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:47"} -{"level":"info","message":"POST /signup 201 - 2103ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:50"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:50"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:50"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:50"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:50"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:50"} -{"level":"info","message":"PUT /update/246 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:51"} -{"level":"info","message":"PUT /edit-user/872 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:51"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:51"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:52"} -{"level":"info","message":"GET /public-signup/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:52"} -{"level":"info","message":"GET /public-signup/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:52"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:52"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:52"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:52"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:52"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:52"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:53"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:53"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:53"} -{"level":"info","message":"GET /246 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:53"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:53"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:53"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:53"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:53"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:54"} -{"level":"info","message":"GET /public-signup/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:54"} -{"level":"info","message":"GET /public-signup/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:54"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:54"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:54"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:54"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:54"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:54"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:55"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:55"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:55"} -{"level":"info","message":"GET /public-signup/247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:55"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:56"} -{"level":"info","message":"GET /public-signup/246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:56"} -{"level":"info","message":"GET /public-signup/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:56"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:56"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:56"} -{"level":"info","message":"GET /hospital/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:56"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:56"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:48:56"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:01"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:01"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:01"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:01"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:01"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:01"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:01"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:01"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:06"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:06"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:09"} -{"level":"info","message":"GET /refresh-token/872/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:09"} -{"level":"info","message":"POST /get-access-token 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:09"} -{"level":"info","message":"POST /login 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:09"} -{"level":"info","message":"GET /872 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:09"} -{"level":"info","message":"POST /login 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:10"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:12"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:12"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:12"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:12"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:12"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:12"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:12"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:12"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:12"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:12"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:12"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:16"} -{"level":"info","message":"GET /hospital/received 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:16"} -{"level":"info","message":"GET /hospital/received 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:16"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:16"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:17"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:18"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:18"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:18"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:18"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:18"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:18"} -{"level":"info","message":"GET /246 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:18"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:18"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:18"} -{"level":"info","message":"PUT /change-password 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:21"} -{"level":"info","message":"PUT /update/246 200 - 124ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:23"} -{"level":"info","message":"PUT /edit-user/872 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:23"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:25"} -{"level":"info","message":"GET /public-signup/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:25"} -{"level":"info","message":"GET /public-signup/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:25"} -{"level":"info","message":"GET /246 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:25"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:25"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:25"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:25"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:25"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:26"} -{"level":"info","message":"GET /public-signup/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:26"} -{"level":"info","message":"GET /public-signup/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:26"} -{"level":"info","message":"GET /246 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:26"} -{"level":"info","message":"POST /login 200 - 150ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:27"} -{"level":"info","message":"PUT /public-signup/247 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:42"} -{"level":"info","message":"PUT /public-signup/247 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:45"} -{"level":"info","message":"PUT /change-password 200 - 126ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:46"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:47"} -{"level":"info","message":"GET /hospital/247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:47"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:47"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:49"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:49"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:49"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:49"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:49"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:49"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:50"} -{"level":"info","message":"GET /hospital/247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:50"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:50"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:50"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:51"} -{"level":"info","message":"GET /public-signup/247 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:51"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:51"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:51"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:51"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:52"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:52"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:52"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:52"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:52"} -{"level":"info","message":"POST /login 200 - 137ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:56"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:49:57"} -{"level":"info","message":"PUT /update/247 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:02"} -{"level":"info","message":"PUT /edit-user/874 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:02"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:02"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:05"} -{"level":"info","message":"GET /public-signup/247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:05"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:05"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:05"} -{"level":"info","message":"GET /popular-topics 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:05"} -{"level":"info","message":"GET /chat-sessions 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:06"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:06"} -{"level":"info","message":"GET /hospital/247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:06"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:06"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:07"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:08"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:08"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:08"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:08"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:08"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:09"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:09"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:09"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:09"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:09"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:10"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:10"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:10"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:10"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:11"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:11"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:11"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:11"} -{"level":"info","message":"GET /public-signup/247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:11"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:11"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:12"} -{"level":"info","message":"GET /hospital/247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:12"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:12"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:14"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:14"} -{"level":"info","message":"GET /hospital/received 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:14"} -{"level":"info","message":"GET /247 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:15"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:15"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:15"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:16"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:16"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:16"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:16"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:17"} -{"level":"info","message":"GET /public-signup/247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:17"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:17"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:26"} -{"level":"info","message":"PUT /public-signup/247 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:26"} -{"level":"info","message":"PUT /public-signup/247 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:29"} -{"level":"info","message":"GET /public-signup/247 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:36"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:36"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:36"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:36"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:37"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:37"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:37"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:37"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:37"} -{"level":"info","message":"GET /247 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:41"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:41"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:50"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:51"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:51"} -{"level":"info","message":"POST /login 200 - 162ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:52"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:57"} -{"level":"info","message":"GET /chat-sessions 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:58"} -{"level":"info","message":"GET /popular-topics 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:50:58"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:04"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:04"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:04"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:04"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:05"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:05"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:09"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:10"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:14"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:14"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:14"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:14"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:14"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:14"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:14"} -{"level":"info","message":"GET /246 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:14"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:18"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:18"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:18"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:18"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:21"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:21"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:21"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:21"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:21"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:21"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:21"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:21"} -{"level":"info","message":"GET /246 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:26"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:26"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:50"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:51"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:51:51"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:52:05"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:52:22"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:52:50"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:52:51"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:52:51"} -{"level":"info","message":"GET /247 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:05"} -{"level":"info","message":"POST /add-user 201 - 3045ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:21"} -{"level":"info","message":"GET /247 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:21"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:21"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:21"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:21"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:26"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:29"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:29"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:29"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:29"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:29"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:29"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:29"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:29"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:29"} -{"level":"info","message":"GET /247 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:29"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:29"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:30"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:34"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:34"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:35"} -{"level":"info","message":"POST /add-user 201 - 3164ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:41"} -{"level":"info","message":"GET /246 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:41"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:41"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:41"} -{"level":"info","message":"POST /login 200 - 149ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:44"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:47"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:51"} -{"level":"info","message":"POST /send-pin-otp 200 - 2719ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:54"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:53:57"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:54:11"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:54:16"} -{"level":"info","message":"GET /hospital/247 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:54:16"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:54:16"} -{"level":"info","message":"POST /upload 200 - 106ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:54:34"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:54:42"} -{"level":"info","message":"GET /hospital/247 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:54:42"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:54:51"} -{"level":"info","message":"GET /236 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:54:51"} -{"level":"info","message":"POST /send-pin-otp 200 - 2470ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:01"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:13"} -{"level":"info","message":"GET /246 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:13"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:13"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:13"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:13"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:13"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:13"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:13"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:13"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:13"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:13"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:13"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:13"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:17"} -{"level":"info","message":"POST /create-hospital 201 - 3309ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:18"} -{"level":"info","message":"GET /list 200 - 54ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:18"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:19"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:19"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:19"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:23"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:23"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:23"} -{"level":"info","message":"GET /246 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:23"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:23"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:23"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:23"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:23"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:23"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:23"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:23"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:26"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:28"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:28"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:29"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:29"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:29"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:29"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:29"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:29"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:30"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:30"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:30"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:30"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:30"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:30"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:30"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:30"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:34"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:34"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:35"} -{"level":"info","message":"GET / 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:38"} -{"level":"info","message":"GET /favicon.ico 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:38"} -{"level":"info","message":"POST /send-pin-otp 200 - 2627ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:47"} -{"level":"info","message":"POST /send-pin-otp 200 - 2468ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:50"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:52"} -{"level":"info","message":"POST /add-user 201 - 3139ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:53"} -{"level":"info","message":"GET /246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:53"} -{"level":"info","message":"GET /246 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:53"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:53"} -{"level":"info","message":"GET /246 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:55:58"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:09"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:09"} -{"level":"info","message":"GET /hospital/247 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:09"} -{"level":"info","message":"GET /247 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:10"} -{"level":"info","message":"GET /hospital/247 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:10"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:10"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:10"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:10"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:10"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:11"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:14"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:14"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:16"} -{"level":"info","message":"GET /public-signup/247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:16"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:16"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:19"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:19"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:19"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:19"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:23"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:23"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:23"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:24"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:24"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:24"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:24"} -{"level":"info","message":"GET /247 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:51"} -{"level":"info","message":"GET /hospital/247 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:51"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:51"} -{"level":"info","message":"GET /236 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:53"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:54"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:54"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:54"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:54"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:55"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:55"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:55"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:55"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:55"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:55"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:55"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:55"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:55"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:56:55"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:00"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:00"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:01"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:11"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:12"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:12"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:12"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:12"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:12"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:12"} -{"level":"info","message":"GET /246 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:12"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:12"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:12"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:12"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:12"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:12"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:13"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:17"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:17"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:17"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:22"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:22"} -{"level":"info","message":"GET /list 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:22"} -{"level":"info","message":"GET /246 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:23"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:23"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:23"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:23"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:23"} -{"level":"info","message":"GET /246 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:23"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:25"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:29"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:29"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:29"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:37"} -{"level":"info","message":"GET /246 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:37"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:37"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:37"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:37"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:37"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:37"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:37"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:37"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:37"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:37"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:38"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:38"} -{"level":"info","message":"GET /list 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:38"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:43"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:43"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:43"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:48"} -{"level":"info","message":"GET /public-signup/247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:48"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:48"} -{"level":"info","message":"GET /247 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:51"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:51"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:51"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:51"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:54"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:54"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:54"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:54"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:56"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:56"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:56"} -{"level":"info","message":"GET /246 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:56"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:56"} -{"level":"info","message":"GET /246 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:56"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:56"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:56"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:56"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /list 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /colors 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:57"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:58"} -{"level":"info","message":"GET /247 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:58"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:58"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:58"} -{"level":"info","message":"POST /send-pin-otp 200 - 2519ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:57:59"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:02"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:02"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:03"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:03"} -{"level":"info","message":"GET /public-signup/247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:03"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:03"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:20"} -{"level":"info","message":"POST /hospitals/active 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:21"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 286ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:21"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:32"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:32"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:32"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:32"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:33"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:38"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:38"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:55"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:56"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:56"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:56"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:58:56"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:01"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:01"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:03"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:05"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:05"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:05"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:05"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:10"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:10"} -{"level":"info","message":"GET /32 403 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:11"} -{"level":"info","message":"PUT /change-pin 400 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:13"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:22"} -{"level":"info","message":"GET /hospital/247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:22"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:22"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:25"} -{"level":"info","message":"POST /upload 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:34"} -{"level":"info","message":"GET /hospital/247 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:41"} -{"level":"info","message":"GET /236 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 12:59:51"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:11"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:15"} -{"level":"info","message":"GET /refresh-token/874/7 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:15"} -{"level":"info","message":"POST /get-access-token 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:16"} -{"level":"info","message":"POST /login 200 - 130ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:16"} -{"level":"info","message":"GET /874 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:18"} -{"level":"info","message":"GET /247 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:18"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:18"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:18"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:19"} -{"level":"info","message":"GET /247 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:19"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:19"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:19"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:19"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:19"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:23"} -{"level":"info","message":"GET /hospital/247 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:23"} -{"level":"info","message":"GET /247 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:23"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:23"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:25"} -{"level":"info","message":"POST /upload 200 - 121ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:52"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:59"} -{"level":"info","message":"GET /hospital/247 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:00:59"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:05"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:11"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:13"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:13"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:13"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:13"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:13"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:13"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:18"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:18"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:25"} -{"level":"info","message":"POST /add-user 201 - 5489ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:50"} -{"level":"info","message":"GET /247 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:50"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:51"} -{"level":"info","message":"GET /247 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:51"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:56"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:01:59"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:11"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:16"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:16"} -{"level":"info","message":"GET /public-signup/247 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:16"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:19"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:19"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:19"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:19"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:19"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:19"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:23"} -{"level":"info","message":"GET /public-signup/247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:23"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:23"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:25"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:26"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:26"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:26"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:26"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:26"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:26"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:31"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:32"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:32"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:34"} -{"level":"info","message":"GET /public-signup/247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:34"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:34"} -{"level":"info","message":"GET /hospital/247 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:35"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:35"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:35"} -{"level":"info","message":"POST /hospital-users/login 401 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:55"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:57"} -{"level":"info","message":"GET /refresh-token/882/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:57"} -{"level":"info","message":"POST /get-access-token 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:58"} -{"level":"info","message":"POST /login 200 - 223ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:58"} -{"level":"info","message":"GET /882 404 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:58"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:02:59"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:11"} -{"level":"info","message":"PUT /update-password/882 200 - 235ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:14"} -{"level":"info","message":"POST /add 201 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:14"} -{"level":"info","message":"POST /add-user 201 - 2762ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:14"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:14"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:14"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:14"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:19"} -{"level":"info","message":"GET /hospital/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:19"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:19"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:19"} -{"level":"info","message":"POST /upload-profile-photo 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:21"} -{"level":"info","message":"POST /add 200 - 123ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:21"} -{"level":"info","message":"PUT /update/253 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:22"} -{"level":"info","message":"POST /add 200 - 204ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:23"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:25"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:28"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:28"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:28"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:28"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:28"} -{"level":"info","message":"GET /253 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:28"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:28"} -{"level":"info","message":"GET /253 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:28"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:28"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:33"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:33"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:33"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:35"} -{"level":"info","message":"POST /upload 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:46"} -{"level":"info","message":"GET /hospital/246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:53"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:03:59"} -{"level":"info","message":"POST /upload 200 - 173ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:09"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:11"} -{"level":"info","message":"GET /hospital/246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:16"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:19"} -{"level":"info","message":"GET /229 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:25"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:28"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:35"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:40"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:40"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:40"} -{"level":"info","message":"POST /refresh 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:41"} -{"level":"info","message":"POST /login 200 - 123ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:41"} -{"level":"info","message":"POST /hospitals/active 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:41"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 285ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:42"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:43"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:04:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:03"} -{"level":"info","message":"GET /refresh-token/872/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:03"} -{"level":"info","message":"POST /get-access-token 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:03"} -{"level":"info","message":"POST /login 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:03"} -{"level":"info","message":"GET /872 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:03"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:06"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:06"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:06"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:06"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:06"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:06"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:06"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:06"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:06"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:06"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:06"} -{"level":"info","message":"GET /hospital/32 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:11"} -{"level":"info","message":"GET /246 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:11"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:11"} -{"level":"info","message":"GET /246 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:20"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:25"} -{"level":"info","message":"POST /add-user 201 - 2856ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:26"} -{"level":"info","message":"GET /246 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:26"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:26"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:26"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:28"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:31"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:33"} -{"level":"info","message":"GET /hospital/246 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:33"} -{"level":"info","message":"GET /246 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:33"} -{"level":"info","message":"GET /247 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:35"} -{"level":"info","message":"POST /upload 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:37"} -{"level":"info","message":"GET /hospital/246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:44"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:05:59"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:06:20"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:06:25"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:06:28"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:06:34"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:06:35"} -{"level":"info","message":"GET /appuser_status 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:06:46"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:06:55"} -{"level":"info","message":"GET /chat-sessions 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:06:55"} -{"level":"info","message":"GET /popular-topics 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:06:55"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:06:59"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:07:20"} -{"level":"info","message":"POST /app-user/submit 201 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:07:22"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:07:25"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:07:28"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:07:34"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:07:35"} -{"level":"info","message":"POST /login 200 - 915ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:07:53"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:07:59"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:08:12"} -{"level":"info","message":"GET /chat-sessions 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:08:13"} -{"level":"info","message":"GET /popular-topics 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:08:13"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:08:20"} -{"level":"info","message":"GET /229 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:08:25"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:08:28"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:08:34"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:08:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:08:59"} -{"level":"info","message":"GET /246 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:20"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:25"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:28"} -{"level":"info","message":"POST / 201 - 261ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:31"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:31"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:31"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:32"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:32"} -{"level":"info","message":"GET /colors 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:32"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:32"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:32"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:32"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:32"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:32"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:32"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:32"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:32"} -{"level":"info","message":"GET /253 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:32"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:34"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:35"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:37"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:37"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:37"} -{"level":"info","message":"GET /chat/3 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:43"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:09:59"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:10:11"} -{"level":"info","message":"GET /hospital/253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:10:11"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:10:11"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:10:16"} -{"level":"info","message":"GET /public-signup/253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:10:16"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:10:16"} -{"cpu":{"loadAvg":0.19,"usage":3.206581381887446},"errors":{},"level":"info","memory":{"external":21994698,"heapTotal":91947008,"heapUsed":80340576,"rss":195076096},"message":"Application metrics","requests":{"byEndpoint":{"DELETE /delete/250":{"failed":0,"success":1,"total":1},"GET /":{"failed":0,"success":1,"total":1},"GET /229":{"failed":67,"success":153,"total":220},"GET /236":{"failed":0,"success":37,"total":37},"GET /246":{"failed":5,"success":292,"total":297},"GET /247":{"failed":0,"success":214,"total":214},"GET /253":{"failed":0,"success":38,"total":38},"GET /31":{"failed":0,"success":10,"total":10},"GET /32":{"failed":27,"success":248,"total":275},"GET /833":{"failed":0,"success":3,"total":3},"GET /839":{"failed":0,"success":1,"total":1},"GET /872":{"failed":1,"success":2,"total":3},"GET /874":{"failed":1,"success":1,"total":2},"GET /878":{"failed":1,"success":1,"total":2},"GET /879":{"failed":1,"success":0,"total":1},"GET /882":{"failed":1,"success":0,"total":1},"GET /appuser_status":{"failed":1,"success":1,"total":2},"GET /chat-sessions":{"failed":3,"success":1,"total":4},"GET /chat/3":{"failed":0,"success":1,"total":1},"GET /colors":{"failed":27,"success":60,"total":87},"GET /favicon.ico":{"failed":1,"success":0,"total":1},"GET /get-forwarded-feedbacks":{"failed":0,"success":29,"total":29},"GET /hospital/229":{"failed":5,"success":3,"total":8},"GET /hospital/246":{"failed":0,"success":16,"total":16},"GET /hospital/247":{"failed":0,"success":15,"total":15},"GET /hospital/253":{"failed":0,"success":1,"total":1},"GET /hospital/32":{"failed":1,"success":3,"total":4},"GET /hospital/received":{"failed":2,"success":12,"total":14},"GET /hospitals/onboarded":{"failed":0,"success":29,"total":29},"GET /list":{"failed":3,"success":55,"total":58},"GET /popular-topics":{"failed":0,"success":4,"total":4},"GET /public-signup/229":{"failed":1,"success":2,"total":3},"GET /public-signup/246":{"failed":0,"success":12,"total":12},"GET /public-signup/247":{"failed":0,"success":13,"total":13},"GET /public-signup/253":{"failed":0,"success":1,"total":1},"GET /public-signup/32":{"failed":0,"success":2,"total":2},"GET /refresh-token/26/6":{"failed":0,"success":10,"total":10},"GET /refresh-token/31/7":{"failed":0,"success":10,"total":10},"GET /refresh-token/833/7":{"failed":0,"success":3,"total":3},"GET /refresh-token/839/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/840/7":{"failed":0,"success":2,"total":2},"GET /refresh-token/872/7":{"failed":0,"success":3,"total":3},"GET /refresh-token/874/7":{"failed":0,"success":2,"total":2},"GET /refresh-token/878/7":{"failed":0,"success":2,"total":2},"GET /refresh-token/879/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/882/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/9/6":{"failed":0,"success":17,"total":17},"POST /":{"failed":0,"success":1,"total":1},"POST /add":{"failed":0,"success":11,"total":11},"POST /add-user":{"failed":0,"success":7,"total":7},"POST /app-user/submit":{"failed":0,"success":1,"total":1},"POST /check-email-code":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":3,"success":8,"total":11},"POST /get-access-token":{"failed":3,"success":25,"total":28},"POST /hospital-users/login":{"failed":7,"success":39,"total":46},"POST /hospitals/active":{"failed":0,"success":24,"total":24},"POST /login":{"failed":1,"success":42,"total":43},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":1,"success":12,"total":13},"POST /send-otp":{"failed":0,"success":11,"total":11},"POST /send-pin-otp":{"failed":0,"success":5,"total":5},"POST /signup":{"failed":0,"success":1,"total":1},"POST /upload":{"failed":0,"success":6,"total":6},"POST /upload-profile-photo":{"failed":0,"success":3,"total":3},"POST /verify-pin":{"failed":0,"success":4,"total":4},"PUT /change-password":{"failed":1,"success":1,"total":2},"PUT /change-pin":{"failed":1,"success":0,"total":1},"PUT /edit-user/31":{"failed":0,"success":1,"total":1},"PUT /edit-user/833":{"failed":0,"success":3,"total":3},"PUT /edit-user/872":{"failed":0,"success":2,"total":2},"PUT /edit-user/874":{"failed":0,"success":1,"total":1},"PUT /public-signup/247":{"failed":0,"success":4,"total":4},"PUT /update-password/872":{"failed":0,"success":1,"total":1},"PUT /update-password/874":{"failed":0,"success":1,"total":1},"PUT /update-password/878":{"failed":0,"success":1,"total":1},"PUT /update-password/879":{"failed":0,"success":1,"total":1},"PUT /update-password/882":{"failed":0,"success":1,"total":1},"PUT /update/229":{"failed":0,"success":3,"total":3},"PUT /update/243":{"failed":1,"success":0,"total":1},"PUT /update/246":{"failed":0,"success":5,"total":5},"PUT /update/247":{"failed":0,"success":2,"total":2},"PUT /update/249":{"failed":0,"success":1,"total":1},"PUT /update/253":{"failed":0,"success":1,"total":1}},"failed":166,"success":1545,"total":1711},"responseTime":{"avg":79.18410286382233,"max":5489,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-09T07:40:21.043Z"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:10:25"} -{"level":"info","message":"GET /246 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:10:34"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:10:34"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:10:35"} -{"level":"info","message":"GET /chat/3 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:10:49"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:10:59"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:11:17"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:11:25"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:11:34"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:11:34"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:11:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:11:59"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:17"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:22"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:22"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:22"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:22"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:22"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:22"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:23"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:23"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:23"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:23"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:23"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:23"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:23"} -{"level":"info","message":"GET /229 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:28"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:28"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:28"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:34"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:35"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:41"} -{"level":"info","message":"GET /refresh-token/872/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:41"} -{"level":"info","message":"POST /get-access-token 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:42"} -{"level":"info","message":"POST /login 200 - 163ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:42"} -{"level":"info","message":"GET /872 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:42"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:44"} -{"level":"info","message":"GET /246 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:44"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:44"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:44"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:44"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:44"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:44"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:49"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:49"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:49"} -{"level":"info","message":"GET /chat/3 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:56"} -{"level":"info","message":"GET /236 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:12:59"} -{"level":"info","message":"POST /add-user 201 - 2862ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:04"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:04"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:04"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:04"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:09"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:17"} -{"level":"info","message":"GET /chat-sessions 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:31"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:34"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:35"} -{"level":"info","message":"GET /chat-sessions 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:36"} -{"level":"info","message":"GET /chat/3 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:39"} -{"level":"info","message":"GET /chat/4 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:46"} -{"level":"info","message":"POST /add-user 201 - 2546ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:51"} -{"level":"info","message":"GET /246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:51"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:51"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:51"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:56"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:13:59"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:14:17"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:14:34"} -{"level":"info","message":"GET /247 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:14:35"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:14:51"} -{"level":"info","message":"GET /chat/4 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:14:54"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:14:59"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:15:34"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:15:35"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:15:52"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:15:59"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:15:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:33"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:33"} -{"level":"info","message":"POST /get-access-token 200 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:34"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:34"} -{"level":"info","message":"POST /login 200 - 174ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:34"} -{"level":"info","message":"GET /31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:34"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:35"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:36"} -{"level":"info","message":"GET /32 200 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:36"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:36"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:36"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:36"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:36"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:36"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:36"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:36"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:36"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:36"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:41"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:41"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:41"} -{"level":"info","message":"POST /add-user 201 - 3090ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:44"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:44"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:44"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:45"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:45"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:45"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:46"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:46"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:46"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:46"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:46"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:51"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:51"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:53"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:54"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:54"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:54"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:54"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:54"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:54"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:59"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:59"} -{"level":"info","message":"GET /253 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:16:59"} -{"level":"info","message":"GET /246 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:34"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:35"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:43"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:43"} -{"level":"info","message":"POST /get-access-token 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:43"} -{"level":"info","message":"POST /login 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:43"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:43"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:45"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:46"} -{"level":"info","message":"GET /32 200 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:46"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:46"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:46"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:46"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:46"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:46"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:46"} -{"level":"info","message":"GET /32 304 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:46"} -{"level":"info","message":"GET /32 304 - 30ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:46"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:46"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:51"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:51"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:59"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:17:59"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:02"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:03"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:03"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:03"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:03"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:03"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:03"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:03"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:03"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:08"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:08"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:08"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:08"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:08"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:08"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:08"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:08"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:08"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:08"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:08"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:08"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"POST /get-access-token 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"POST /get-access-token 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:14"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:19"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:19"} -{"level":"info","message":"POST /add-user 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:32"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:34"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:36"} -{"level":"info","message":"GET /247 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:37"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:56"} -{"level":"info","message":"GET /refresh-token/872/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:56"} -{"level":"info","message":"POST /get-access-token 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:57"} -{"level":"info","message":"POST /login 200 - 143ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:57"} -{"level":"info","message":"GET /872 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:57"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:59"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:59"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:59"} -{"level":"info","message":"POST /get-access-token 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:59"} -{"level":"info","message":"POST /login 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:59"} -{"level":"info","message":"GET /833 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:59"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:59"} -{"level":"info","message":"GET /246 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:59"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:18:59"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:00"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:00"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:00"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:00"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:00"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:00"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:00"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:00"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:02"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:02"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:02"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:02"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:04"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:04"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:04"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:05"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:05"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:05"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:07"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:07"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:08"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:08"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:08"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:09"} -{"level":"info","message":"POST /add-user 201 - 3787ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:15"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:15"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:15"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:15"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:20"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:24"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:25"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:25"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:25"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:30"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:31"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:32"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:32"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:32"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:32"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:32"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:32"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:32"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:32"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:37"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:37"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:51"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:51"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:51"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:51"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:51"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:51"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:51"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:51"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:51"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:51"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:51"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:56"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:56"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:56"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:59"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:19:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:08"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:09"} -{"level":"info","message":"POST /upload 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:14"} -{"level":"info","message":"GET /hospital/229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:21"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:23"} -{"level":"info","message":"GET /246 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:23"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:25"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:25"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:30"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:30"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:30"} -{"level":"info","message":"GET /246 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:30"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:30"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:30"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:30"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:30"} -{"level":"info","message":"GET /246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:30"} -{"level":"info","message":"GET /246 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:30"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:30"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:31"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:35"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:35"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:59"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:20:59"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:21:08"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:21:09"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:21:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:21:31"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:21:59"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:21:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:08"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:08"} -{"level":"info","message":"GET /hospital/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:08"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:08"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:08"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:09"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:09"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:13"} -{"level":"info","message":"GET /247 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:31"} -{"level":"info","message":"POST /send-otp 200 - 3204ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:50"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:59"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:22:59"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:00"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:00"} -{"level":"info","message":"GET /hospital/253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:00"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:02"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:02"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:02"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:02"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:02"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:02"} -{"level":"info","message":"GET /hospital/253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:03"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:03"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:03"} -{"level":"info","message":"GET /246 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:09"} -{"level":"info","message":"GET /247 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:31"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:23:59"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:24:03"} -{"level":"info","message":"GET /246 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:24:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:24:09"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:24:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:24:31"} -{"level":"info","message":"POST /send-otp 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:24:35"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:24:59"} -{"level":"info","message":"POST /send-otp 200 - 2562ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:25:02"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:25:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:25:09"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:25:24"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:25:31"} -{"level":"info","message":"GET /246 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:25:34"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:25:59"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:26:03"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:26:09"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:26:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:26:31"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:26:34"} -{"level":"info","message":"GET /chat-sessions 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:26:43"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:26:59"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:27:03"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:27:09"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:27:25"} -{"level":"info","message":"GET /246 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:27:34"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:27:34"} -{"level":"info","message":"GET /236 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:27:59"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:28:04"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:28:09"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:28:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:28:34"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:28:34"} -{"level":"info","message":"GET /236 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:28:59"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:29:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:29:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:29:34"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:29:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:29:59"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:30:24"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:30:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:30:34"} -{"level":"info","message":"GET /246 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:30:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:30:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:20"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:20"} -{"level":"info","message":"POST /get-access-token 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:20"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:20"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:20"} -{"level":"info","message":"GET /colors 200 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:22"} -{"level":"info","message":"GET /32 200 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:22"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:22"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:22"} -{"level":"info","message":"GET /32 304 - 48ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:22"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:22"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:22"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:22"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:22"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:22"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:25"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:25"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:27"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:27"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:27"} -{"level":"info","message":"GET /246 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:34"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:40"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:40"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:40"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:40"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:40"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:40"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:45"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:45"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:45"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:31:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:32:24"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:32:25"} -{"level":"info","message":"POST /send-otp 200 - 2969ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:32:29"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:32:34"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:32:34"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:32:46"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:32:59"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:33:09"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:33:24"} -{"level":"info","message":"GET /246 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:33:34"} -{"level":"info","message":"GET /246 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:33:34"} -{"level":"info","message":"GET /chat-sessions 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:33:47"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:33:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:34:10"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:34:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:34:34"} -{"level":"info","message":"GET /246 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:34:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:34:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:35:11"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:35:25"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:35:34"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:35:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:35:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:36:12"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:36:25"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:36:34"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:36:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:36:59"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:37:13"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:37:24"} -{"level":"info","message":"GET /246 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:37:34"} -{"level":"info","message":"GET /246 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:37:34"} -{"level":"info","message":"POST /send-otp 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:37:56"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:37:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:38:14"} -{"level":"info","message":"GET /247 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:38:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:38:34"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:38:34"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:38:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:15"} -{"level":"info","message":"POST /hospital-users/login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:24"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:24"} -{"level":"info","message":"POST /get-access-token 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:24"} -{"level":"info","message":"POST /login 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:24"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:24"} -{"level":"info","message":"GET /247 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:25"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:26"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:26"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:26"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:26"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:26"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:26"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:26"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:26"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:26"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:26"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:31"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:31"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:31"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:34"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:44"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:44"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:44"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:44"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:44"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:44"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:44"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:44"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:44"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:49"} -{"level":"info","message":"GET /32 304 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:49"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:49"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:39:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:40:16"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:40:25"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:40:34"} -{"level":"info","message":"GET /246 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:40:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:40:59"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:41:17"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:41:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:41:34"} -{"level":"info","message":"GET /246 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:41:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:41:40"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:41:45"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:41:46"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:41:46"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:41:46"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:41:46"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:41:46"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:41:50"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:41:51"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:42:18"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:42:24"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:42:34"} -{"level":"info","message":"GET /246 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:42:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:42:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:43:19"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:43:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:43:34"} -{"level":"info","message":"GET /246 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:43:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:43:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:44:20"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:44:24"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:44:34"} -{"level":"info","message":"GET /246 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:44:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:44:46"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:45:21"} -{"level":"info","message":"GET /247 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:45:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:45:34"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:45:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:45:46"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:22"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:25"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:32"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:32"} -{"level":"info","message":"POST /get-access-token 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:32"} -{"level":"info","message":"POST /login 200 - 163ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:32"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:32"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:34"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:34"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:34"} -{"level":"info","message":"GET /32 200 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:34"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:34"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:35"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:35"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:35"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:35"} -{"level":"info","message":"GET /32 304 - 46ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:35"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:35"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:35"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:35"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:39"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:39"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:40"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:52"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:52"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:52"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:52"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:52"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:52"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:52"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:52"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:52"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:57"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:57"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:46:57"} -{"level":"info","message":"POST /send-otp 200 - 2660ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:47:08"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:47:23"} -{"level":"info","message":"GET /247 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:47:24"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:47:34"} -{"level":"info","message":"GET /246 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:47:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:47:46"} -{"level":"info","message":"GET /hospital/247 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:48:15"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:48:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:48:34"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:48:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:07"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:07"} -{"level":"info","message":"POST /get-access-token 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:07"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:07"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:07"} -{"level":"info","message":"GET /colors 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:09"} -{"level":"info","message":"GET /32 200 - 43ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:09"} -{"level":"info","message":"GET /32 304 - 30ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:09"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:09"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:09"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:09"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:09"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:09"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:09"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:09"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:09"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:14"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:14"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:25"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:27"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:27"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:27"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:27"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:27"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:27"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:27"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:27"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:27"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:32"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:32"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:32"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:49:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:50:25"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:50:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:51:25"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:51:46"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:52:24"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:52:46"} -{"level":"info","message":"POST /send-otp 200 - 4816ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:53:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:53:46"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:54:46"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:55:46"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:56:46"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:57:46"} -{"level":"info","message":"POST /send-otp 200 - 2706ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:58:37"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:58:46"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:59:10"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:59:33"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:59:33"} -{"level":"info","message":"POST /get-access-token 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:59:33"} -{"level":"info","message":"POST /login 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:59:33"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 13:59:46"} -{"level":"info","message":"POST /send-otp 200 - 2827ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:00:17"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:00:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:06"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:06"} -{"level":"info","message":"POST /get-access-token 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:06"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:06"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:06"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:08"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:08"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:08"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:08"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:08"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:08"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:08"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:08"} -{"level":"info","message":"GET /32 304 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:08"} -{"level":"info","message":"GET /32 304 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:08"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:08"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:27"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:27"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:27"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:27"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:27"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:27"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:27"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:27"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:27"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:32"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:32"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:32"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:52"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:52"} -{"level":"info","message":"POST /get-access-token 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:52"} -{"level":"info","message":"POST /login 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:52"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:52"} -{"level":"info","message":"GET /colors 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:54"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:54"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:54"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:54"} -{"level":"info","message":"GET /32 304 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:54"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:54"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:54"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:59"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:59"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:01:59"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:02:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:02:12"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:02:12"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:02:12"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:02:12"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:02:12"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:02:12"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:02:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:02:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:02:17"} -{"level":"info","message":"GET /32 304 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:02:17"} -{"level":"info","message":"GET /32 304 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:02:17"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:02:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:19"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:19"} -{"level":"info","message":"POST /get-access-token 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:19"} -{"level":"info","message":"POST /login 200 - 142ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:20"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:20"} -{"level":"info","message":"GET /colors 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:22"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:22"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:22"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:22"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:22"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:22"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:22"} -{"level":"info","message":"GET /32 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:27"} -{"level":"info","message":"GET /32 304 - 38ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:27"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:27"} -{"level":"info","message":"POST /send-otp 200 - 2730ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:40"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:40"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:40"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:40"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:40"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:40"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:45"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:45"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:03:59"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:04:59"} -{"level":"info","message":"POST /login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:05:54"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:05:59"} -{"level":"info","message":"POST /login 200 - 125ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:06:31"} -{"level":"info","message":"POST /send-pin-otp 200 - 2744ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:06:36"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:06:59"} -{"level":"info","message":"PUT /change-pin 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:07:45"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:07:59"} -{"level":"info","message":"PUT /change-pin 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:08:13"} -{"level":"info","message":"POST /send-pin-otp 200 - 2512ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:08:34"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:08:59"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:09:59"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:10:59"} -{"level":"info","message":"POST /send-pin-otp 200 - 3563ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:11:47"} -{"level":"info","message":"POST /send-pin-otp 200 - 2854ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:11:47"} -{"level":"info","message":"POST /send-pin-otp 200 - 2473ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:11:48"} -{"level":"info","message":"POST /send-pin-otp 200 - 3141ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:11:49"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:13:29"} -{"level":"info","message":"GET /chat-sessions 404 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:13:30"} -{"level":"info","message":"GET /popular-topics 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:13:30"} -{"level":"info","message":"GET /appuser_status 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:14:01"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:14:20"} -{"level":"info","message":"GET /chat-sessions 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:14:20"} -{"level":"info","message":"GET /popular-topics 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:14:20"} -{"level":"info","message":"POST /login 200 - 134ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:16:01"} -{"level":"info","message":"GET /appuser_status 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:16:29"} -{"cpu":{"loadAvg":0.06,"usage":3.1906798993139915},"errors":{},"level":"info","memory":{"external":23128508,"heapTotal":87752704,"heapUsed":82332976,"rss":185802752},"message":"Application metrics","requests":{"byEndpoint":{"GET /229":{"failed":0,"success":53,"total":53},"GET /236":{"failed":0,"success":11,"total":11},"GET /246":{"failed":29,"success":104,"total":133},"GET /247":{"failed":0,"success":29,"total":29},"GET /253":{"failed":0,"success":70,"total":70},"GET /31":{"failed":0,"success":7,"total":7},"GET /32":{"failed":0,"success":170,"total":170},"GET /833":{"failed":0,"success":1,"total":1},"GET /872":{"failed":0,"success":1,"total":1},"GET /appuser_status":{"failed":0,"success":2,"total":2},"GET /chat-sessions":{"failed":2,"success":2,"total":4},"GET /colors":{"failed":0,"success":19,"total":19},"GET /hospital/229":{"failed":0,"success":3,"total":3},"GET /hospital/247":{"failed":1,"success":0,"total":1},"GET /hospital/253":{"failed":0,"success":2,"total":2},"GET /popular-topics":{"failed":0,"success":2,"total":2},"GET /refresh-token/31/7":{"failed":0,"success":7,"total":7},"GET /refresh-token/833/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/872/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/9/6":{"failed":0,"success":1,"total":1},"POST /add-user":{"failed":0,"success":1,"total":1},"POST /get-access-token":{"failed":1,"success":9,"total":10},"POST /hospital-users/login":{"failed":2,"success":10,"total":12},"POST /login":{"failed":2,"success":11,"total":13},"POST /send-otp":{"failed":2,"success":8,"total":10},"POST /send-pin-otp":{"failed":0,"success":6,"total":6},"POST /upload":{"failed":0,"success":1,"total":1},"POST /verify-pin":{"failed":0,"success":2,"total":2},"PUT /change-pin":{"failed":1,"success":1,"total":2}},"failed":40,"success":535,"total":575},"responseTime":{"avg":90.57565217391304,"max":4816,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-09T08:48:34.751Z"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:55"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:55"} -{"level":"info","message":"POST /get-access-token 200 - 102ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:55"} -{"level":"info","message":"POST /login 200 - 212ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:56"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:56"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:58"} -{"level":"info","message":"GET /32 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:58"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:58"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:58"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:58"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:58"} -{"level":"info","message":"GET /32 304 - 43ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:58"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:58"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:19:58"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:20:03"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:20:03"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:20:03"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:06"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:06"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:06"} -{"level":"info","message":"POST /refresh 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:06"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:06"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:07"} -{"level":"info","message":"POST /hospitals/active 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:07"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 283ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:07"} -{"level":"info","message":"POST /login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:13"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:13"} -{"level":"info","message":"GET /refresh-token/872/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:13"} -{"level":"info","message":"POST /get-access-token 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:14"} -{"level":"info","message":"POST /login 200 - 214ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:14"} -{"level":"info","message":"GET /872 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:14"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:16"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:16"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:16"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:16"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:16"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:16"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:16"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:16"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:16"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:16"} -{"level":"info","message":"POST /login 200 - 210ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:21"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:21"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:21"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:21"} -{"level":"info","message":"POST /send-pin-otp 200 - 3235ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:34"} -{"level":"info","message":"POST /add-user 201 - 2851ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:40"} -{"level":"info","message":"GET /246 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:40"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:40"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:40"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:44"} -{"level":"info","message":"GET /hospital/246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:45"} -{"level":"info","message":"POST /send-pin-otp 200 - 2633ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:47"} -{"level":"info","message":"POST /upload 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:22:55"} -{"level":"info","message":"GET /hospital/246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:03"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:15"} -{"level":"info","message":"GET /refresh-token/872/7 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:15"} -{"level":"info","message":"POST /get-access-token 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:15"} -{"level":"info","message":"POST /login 200 - 151ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:16"} -{"level":"info","message":"GET /872 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:19"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:19"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:19"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:19"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:19"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:19"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:19"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:19"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:19"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:19"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:19"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:19"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:20"} -{"level":"info","message":"GET /hospital/246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:20"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:20"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:20"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:24"} -{"level":"info","message":"POST /upload 200 - 236ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:38"} -{"level":"info","message":"GET /246 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:45"} -{"level":"info","message":"GET /hospital/246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:23:45"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:04"} -{"level":"info","message":"GET /refresh-token/872/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:04"} -{"level":"info","message":"POST /get-access-token 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:04"} -{"level":"info","message":"POST /login 200 - 160ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:04"} -{"level":"info","message":"GET /872 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:04"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:07"} -{"level":"info","message":"GET /246 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:07"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:07"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:07"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:07"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:07"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:07"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:07"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:07"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:07"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:07"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:08"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:11"} -{"level":"info","message":"GET /hospital/246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:11"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:12"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:12"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:12"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:13"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:13"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:13"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:13"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:13"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:13"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:18"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:18"} -{"level":"info","message":"POST /add-user 201 - 3192ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:39"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:39"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:39"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:39"} -{"level":"info","message":"GET /246 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:45"} -{"level":"info","message":"GET /246 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:45"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:51"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:51"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:52"} -{"level":"info","message":"GET /hospital/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:24:52"} -{"level":"info","message":"PUT /change-pin 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:25:14"} -{"level":"info","message":"POST /send-pin-otp 200 - 2746ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:25:19"} -{"level":"info","message":"GET /246 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:25:45"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:25:51"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:26:17"} -{"level":"info","message":"GET /chat-sessions 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:26:17"} -{"level":"info","message":"GET /popular-topics 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:26:18"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:26:45"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:26:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:18"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:18"} -{"level":"info","message":"POST /get-access-token 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:18"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:18"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:18"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:21"} -{"level":"info","message":"GET /32 200 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:21"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:21"} -{"level":"info","message":"GET /32 304 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:21"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:21"} -{"level":"info","message":"GET /32 304 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:21"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:21"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:21"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:21"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:21"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:21"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:26"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:26"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:38"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:38"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:38"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:38"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:38"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:38"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:38"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:38"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:39"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:43"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:43"} -{"level":"info","message":"GET /32 304 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:43"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:45"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:58"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:58"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:58"} -{"level":"info","message":"POST /refresh 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:58"} -{"level":"info","message":"POST /login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:58"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:59"} -{"level":"info","message":"POST /hospitals/active 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:59"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 274ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:27:59"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:04"} -{"level":"info","message":"POST /upload 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:06"} -{"level":"info","message":"GET /hospital/246 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:13"} -{"level":"info","message":"POST /hospital-users/login 401 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:18"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:20"} -{"level":"info","message":"GET /refresh-token/882/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:20"} -{"level":"info","message":"POST /get-access-token 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:20"} -{"level":"info","message":"POST /login 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:21"} -{"level":"info","message":"GET /882 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:21"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:23"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:23"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:23"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:23"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:23"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:23"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:23"} -{"level":"info","message":"GET /public-signup/253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:25"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:25"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:25"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:26"} -{"level":"info","message":"GET /hospital/253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:26"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:26"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:26"} -{"level":"info","message":"GET /public-signup/253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:26"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:26"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:28"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:29"} -{"level":"info","message":"GET /hospital/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:29"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:29"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:29"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:29"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:29"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:29"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:29"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:29"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:29"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:29"} -{"level":"info","message":"PUT /public-signup/253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:33"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:34"} -{"level":"info","message":"PUT /public-signup/253 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:35"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:37"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:37"} -{"level":"info","message":"POST /get-access-token 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:37"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:37"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:37"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:40"} -{"level":"info","message":"GET /32 200 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:40"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:40"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:40"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:41"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:41"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:41"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:41"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:41"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:41"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:45"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:45"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:45"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:45"} -{"level":"info","message":"GET /253 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:46"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:57"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:57"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:57"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:57"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:57"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:57"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:57"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:57"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:28:57"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:29:02"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:29:02"} -{"level":"info","message":"GET /32 304 - 43ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:29:02"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:29:29"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:29:41"} -{"level":"info","message":"POST /hospital-users/login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:22"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:22"} -{"level":"info","message":"POST /get-access-token 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:22"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:22"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:22"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:24"} -{"level":"info","message":"GET /32 200 - 56ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:24"} -{"level":"info","message":"GET /32 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:24"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:24"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:24"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:24"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:24"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:24"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:24"} -{"level":"info","message":"GET /32 304 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:24"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:29"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:29"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:29"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:42"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:42"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:42"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:42"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:42"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:42"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:42"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:42"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:42"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:47"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:47"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:47"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:48"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:48"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:48"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:48"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:48"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:48"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:48"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:48"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:49"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:30:54"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:31:03"} -{"level":"info","message":"GET /246 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:31:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:31:41"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:31:50"} -{"level":"info","message":"PUT /edit-user/882 200 - 100ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:20"} -{"level":"info","message":"POST /upload 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:26"} -{"level":"info","message":"GET /hospital/246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:33"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:34"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:39"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:39"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:39"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:39"} -{"level":"info","message":"GET /hospital/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:39"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:39"} -{"level":"info","message":"GET /hospital/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:39"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:39"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:39"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:39"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:40"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:41"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:42"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:44"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:51"} -{"level":"info","message":"POST /upload 200 - 95ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:32:53"} -{"level":"info","message":"GET /hospital/246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:00"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:04"} -{"level":"info","message":"POST /hospital-users/login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:17"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:19"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:36"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:36"} -{"level":"info","message":"POST /get-access-token 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:36"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:36"} -{"level":"info","message":"GET /31 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:36"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:39"} -{"level":"info","message":"GET /32 200 - 45ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:39"} -{"level":"info","message":"GET /32 304 - 30ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:39"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:39"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:39"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:39"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:39"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:40"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:41"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:44"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:44"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:33:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:23"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:23"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:23"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:23"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:23"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:23"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:23"} -{"level":"info","message":"GET /hospital/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:23"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:28"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:34"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:39"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:34:41"} -{"level":"info","message":"POST /upload 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:10"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:12"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:12"} -{"level":"info","message":"GET /hospital/32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:12"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:13"} -{"level":"info","message":"GET /hospital/253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:13"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:13"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:13"} -{"level":"info","message":"GET /public-signup/32 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:13"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:13"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:14"} -{"level":"info","message":"GET /public-signup/253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:14"} -{"level":"info","message":"GET /253 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:14"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:14"} -{"level":"info","message":"GET /colors 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:14"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:14"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:15"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:15"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:15"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:15"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:15"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:15"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:16"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:16"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:16"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:16"} -{"level":"info","message":"GET /hospital/246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:17"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:18"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:18"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:18"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:19"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:21"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:21"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:23"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:23"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:35:34"} -{"level":"info","message":"GET /appuser_status 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:01"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:16"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:19"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:23"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:23"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:23"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:23"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:23"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:23"} -{"level":"info","message":"GET /32 304 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:23"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:28"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:28"} -{"level":"info","message":"GET /246 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:35"} -{"level":"info","message":"GET /public-signup/253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:35"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:35"} -{"level":"info","message":"PUT /public-signup/253 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:40"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:40"} -{"level":"info","message":"GET /hospital/32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:40"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:40"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:41"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:41"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:41"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:42"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:42"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:42"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:42"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:42"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:42"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:43"} -{"level":"info","message":"GET /public-signup/253 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:43"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:43"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:43"} -{"level":"info","message":"GET /colors 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:43"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:43"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:44"} -{"level":"info","message":"GET /public-signup/32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:44"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:44"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:44"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:45"} -{"level":"info","message":"GET /hospital/32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:45"} -{"level":"info","message":"GET /32 304 - 46ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:46"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:46"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:46"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:46"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:46"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:46"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:46"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:51"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:51"} -{"level":"info","message":"PUT /public-signup/253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:51"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:54"} -{"level":"info","message":"GET /253 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:54"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:54"} -{"level":"info","message":"GET /253 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:54"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:54"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:54"} -{"level":"info","message":"GET /public-signup/253 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:55"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:55"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:55"} -{"level":"info","message":"POST /upload 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:36:59"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:03"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:03"} -{"level":"info","message":"GET /public-signup/253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:03"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:03"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:03"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:03"} -{"level":"info","message":"GET /253 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:03"} -{"level":"info","message":"GET /253 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:03"} -{"level":"info","message":"PUT /public-signup/253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:06"} -{"level":"info","message":"POST /upload 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:06"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:08"} -{"level":"info","message":"GET /253 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:10"} -{"level":"info","message":"GET /public-signup/253 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:10"} -{"level":"info","message":"GET /253 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:10"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:10"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:10"} -{"level":"info","message":"GET /253 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:10"} -{"level":"info","message":"GET /253 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:10"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:10"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:15"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:18"} -{"level":"info","message":"PUT /public-signup/253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:29"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:34"} -{"level":"info","message":"GET /public-signup/253 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:35"} -{"level":"info","message":"GET /colors 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:35"} -{"level":"info","message":"GET /253 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:35"} -{"level":"info","message":"GET /253 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:35"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:35"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:35"} -{"level":"info","message":"GET /253 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:35"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:35"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:38"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:38"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:38"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:38"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:38"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:38"} -{"level":"info","message":"GET /253 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:39"} -{"level":"info","message":"GET /public-signup/253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:39"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:39"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:40"} -{"level":"info","message":"PUT /public-signup/253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:41"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:42"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:42"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:42"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:42"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:42"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:42"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:44"} -{"level":"info","message":"GET /public-signup/253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:44"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:44"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:47"} -{"level":"info","message":"GET /hospital/246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:58"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:58"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:58"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:58"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:58"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:58"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:58"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:58"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:58"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:58"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:58"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:37:58"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:03"} -{"level":"info","message":"POST /upload 200 - 3722ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:11"} -{"level":"info","message":"PUT /public-signup/253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:15"} -{"level":"info","message":"POST /upload 500 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:18"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:18"} -{"level":"info","message":"GET /253 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:18"} -{"level":"info","message":"GET /public-signup/253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:18"} -{"level":"info","message":"GET /colors 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:18"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:18"} -{"level":"info","message":"GET /253 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:19"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:19"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:19"} -{"level":"info","message":"PUT /public-signup/253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:20"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:23"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:34"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:38:47"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:19"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:34"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:46"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:46"} -{"level":"info","message":"GET /hospital/246 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:46"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:46"} -{"level":"info","message":"GET /hospital/246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:46"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:46"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:46"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:46"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:46"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:46"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:47"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:47"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:51"} -{"level":"info","message":"POST /upload 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:39:57"} -{"level":"info","message":"POST /login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:00"} -{"level":"info","message":"POST /upload 500 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:04"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:19"} -{"level":"info","message":"POST /login 200 - 133ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:23"} -{"level":"info","message":"POST /verify-pin 401 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:29"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:34"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:41"} -{"level":"info","message":"GET /chat-sessions 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:41"} -{"level":"info","message":"GET /popular-topics 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:41"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:47"} -{"level":"info","message":"GET /246 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:56"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:56"} -{"level":"info","message":"GET /hospital/246 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:56"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:56"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:56"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:56"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:57"} -{"level":"info","message":"GET /hospital/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:57"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:57"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:57"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:40:57"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:02"} -{"level":"info","message":"POST /upload 200 - 112ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:12"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:19"} -{"level":"info","message":"POST /upload 500 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:19"} -{"level":"info","message":"GET /246 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:34"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:34"} -{"level":"info","message":"GET /hospital/32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:34"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:34"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:36"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:36"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:36"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:36"} -{"level":"info","message":"GET /32 304 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:36"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:36"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:38"} -{"level":"info","message":"GET /public-signup/32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:38"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:38"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:40"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:40"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:42"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:42"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:42"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:42"} -{"level":"info","message":"GET /hospital/received 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:42"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:42"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:43"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:43"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:43"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:43"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:43"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:43"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:48"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:41:48"} -{"level":"info","message":"GET /hospital/246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:17"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:17"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:17"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:17"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:17"} -{"level":"info","message":"GET /hospital/246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:17"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:17"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:17"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:17"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:18"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:19"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:19"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:19"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:19"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:19"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:19"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:19"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:19"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:22"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:24"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:24"} -{"level":"info","message":"PUT /edit-user/894 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:27"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:34"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:44"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:48"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:48"} -{"level":"info","message":"GET /public-signup/253 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:48"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:48"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:48"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:48"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:48"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:48"} -{"level":"info","message":"GET /253 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:51"} -{"level":"info","message":"GET /public-signup/253 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:51"} -{"level":"info","message":"GET /colors 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:51"} -{"level":"info","message":"GET /253 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:51"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:51"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:51"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:51"} -{"level":"info","message":"GET /253 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:51"} -{"level":"info","message":"GET /253 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:53"} -{"level":"info","message":"GET /253 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:53"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:53"} -{"level":"info","message":"GET /public-signup/253 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:53"} -{"level":"info","message":"GET /253 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:53"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:53"} -{"level":"info","message":"GET /253 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:53"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:53"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:54"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:54"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:54"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:54"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:55"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:55"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:56"} -{"level":"info","message":"GET /hospital/253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:56"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:56"} -{"level":"info","message":"POST /add-user 201 - 3256ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:56"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:56"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:56"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:56"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:56"} -{"level":"info","message":"GET /public-signup/253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:56"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:56"} -{"level":"info","message":"PUT /public-signup/253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:58"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:42:58"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:01"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:03"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:03"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:03"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:03"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:04"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:04"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:04"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:04"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:04"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:04"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:09"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:09"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:18"} -{"level":"info","message":"POST /upload 200 - 182ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:29"} -{"level":"info","message":"GET /246 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:34"} -{"level":"info","message":"GET /hospital/246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:36"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:38"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:38"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:38"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:38"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:38"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:38"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:38"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:38"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:38"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:43"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:43"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:43"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:44"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:44"} -{"level":"info","message":"GET /253 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:44"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:44"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:44"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:44"} -{"level":"info","message":"GET /253 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:44"} -{"level":"info","message":"GET /253 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:44"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:44"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:44"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:44"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:44"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:44"} -{"level":"info","message":"POST /upload 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:48"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:49"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:49"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:49"} -{"level":"info","message":"GET /hospital/246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:55"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:58"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:58"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:58"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:58"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:58"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:58"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:58"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:58"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:43:58"} -{"level":"info","message":"GET /253 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:00"} -{"level":"info","message":"GET /253 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:00"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:00"} -{"level":"info","message":"GET /253 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:00"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:00"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:00"} -{"level":"info","message":"GET /253 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:00"} -{"level":"info","message":"GET /253 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:00"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:00"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:00"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:02"} -{"level":"info","message":"GET /hospital/253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:02"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:02"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:03"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:04"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:04"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:04"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:04"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:04"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:04"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:05"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:09"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:09"} -{"level":"info","message":"GET /246 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:34"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:37"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:37"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:37"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:37"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:37"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:37"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:37"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:41"} -{"level":"info","message":"GET /hospital/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:41"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:41"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:41"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:44:44"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:04"} -{"level":"info","message":"POST /login 401 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:22"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:26"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:26"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:26"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:26"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:26"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:26"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:26"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:31"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:32"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:34"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:44"} -{"level":"info","message":"POST /login 200 - 165ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:47"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:52"} -{"level":"info","message":"GET /public-signup/246 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:52"} -{"level":"info","message":"GET /public-signup/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:52"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:52"} -{"level":"info","message":"POST /send-pin-otp 200 - 3288ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:53"} -{"level":"info","message":"PUT /public-signup/246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:45:58"} -{"level":"info","message":"PUT /public-signup/246 200 - 208ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:00"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:02"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:02"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:02"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:02"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:04"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:04"} -{"level":"info","message":"GET /public-signup/246 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:04"} -{"level":"info","message":"GET /public-signup/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:04"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:04"} -{"level":"info","message":"PUT /public-signup/246 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:10"} -{"level":"info","message":"GET /hospital/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:11"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:11"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:11"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:12"} -{"level":"info","message":"GET /public-signup/246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:12"} -{"level":"info","message":"GET /public-signup/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:12"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:12"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:29"} -{"level":"info","message":"GET /hospital/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:29"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:29"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:29"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:30"} -{"level":"info","message":"GET /public-signup/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:30"} -{"level":"info","message":"GET /public-signup/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:30"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:30"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:46:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:04"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:11"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:16"} -{"level":"info","message":"GET /public-signup/253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:16"} -{"level":"info","message":"GET /253 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:16"} -{"level":"info","message":"GET /hospital/253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:18"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:18"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:18"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:19"} -{"level":"info","message":"GET /public-signup/253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:19"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:19"} -{"level":"info","message":"PUT /public-signup/246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:19"} -{"level":"info","message":"PUT /public-signup/246 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:29"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:30"} -{"level":"info","message":"PUT /public-signup/246 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:34"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:35"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:35"} -{"level":"info","message":"POST /get-access-token 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:35"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:35"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:35"} -{"level":"info","message":"PUT /public-signup/246 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:36"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:37"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:37"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:37"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:37"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:37"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:37"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:37"} -{"level":"info","message":"GET /32 200 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:37"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:37"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:37"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:38"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:38"} -{"level":"info","message":"GET /32 304 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:38"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:38"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:38"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:38"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:38"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:38"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:42"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:42"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:42"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:42"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:43"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:47"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:47"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:47"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:47"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:48"} -{"level":"info","message":"GET /public-signup/246 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:48"} -{"level":"info","message":"GET /public-signup/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:48"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:48"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:55"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:55"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:55"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:55"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:55"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:55"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:55"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:55"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:47:55"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:00"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:00"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:09"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:09"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:09"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:09"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:11"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:13"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:13"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:13"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:13"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:14"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:14"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:14"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:14"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:19"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:20"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:20"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:20"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:20"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:20"} -{"level":"info","message":"GET /253 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:20"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:25"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:25"} -{"level":"info","message":"PUT /public-signup/246 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:29"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:34"} -{"level":"info","message":"PUT /public-signup/246 200 - 133ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:35"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:42"} -{"level":"info","message":"GET /public-signup/246 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:42"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:42"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:42"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:42"} -{"level":"info","message":"GET /public-signup/246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:42"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:42"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:42"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:42"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:42"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:47"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:55"} -{"level":"info","message":"GET /hospital/253 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:55"} -{"level":"info","message":"GET /253 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:55"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:56"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:56"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:56"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:56"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:56"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:48:56"} -{"level":"info","message":"PUT /public-signup/246 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:00"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:01"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:01"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:03"} -{"level":"info","message":"GET /public-signup/246 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:03"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:03"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:03"} -{"level":"info","message":"GET /public-signup/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:03"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:03"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:03"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:03"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:03"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:03"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:03"} -{"level":"info","message":"GET /hospital/253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:03"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:03"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:08"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:11"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:22"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:22"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:22"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:22"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:23"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:23"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:23"} -{"level":"info","message":"GET /hospital/253 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:23"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:34"} -{"level":"info","message":"GET /public-signup/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:45"} -{"level":"info","message":"GET /public-signup/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:54"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:54"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:54"} -{"level":"info","message":"POST /get-access-token 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:55"} -{"level":"info","message":"POST /login 200 - 163ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:55"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:55"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:57"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:57"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:57"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:57"} -{"level":"info","message":"GET /32 304 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:57"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:57"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:57"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:57"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:57"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:57"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:49:57"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:02"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:02"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:02"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:04"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:11"} -{"level":"info","message":"GET /public-signup/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:12"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:14"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:15"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:15"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:15"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:15"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:15"} -{"level":"info","message":"GET /public-signup/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:19"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:20"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:20"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:20"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:24"} -{"level":"info","message":"GET /public-signup/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:27"} -{"level":"info","message":"POST /upload 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:29"} -{"level":"info","message":"PUT /public-signup/246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:32"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:34"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:35"} -{"level":"info","message":"GET /public-signup/246 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:35"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:35"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:35"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:35"} -{"level":"info","message":"GET /public-signup/246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:35"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:36"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:36"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:36"} -{"level":"info","message":"GET /hospital/253 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:36"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:36"} -{"level":"info","message":"PUT /public-signup/246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:39"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:41"} -{"level":"info","message":"GET /public-signup/246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:41"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:41"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:41"} -{"level":"info","message":"GET /public-signup/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:41"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:41"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:42"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:42"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:42"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:46"} -{"level":"info","message":"PUT /public-signup/246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:50:59"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:11"} -{"level":"info","message":"GET /hospital/253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:18"} -{"level":"info","message":"GET /colors 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:18"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:18"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:18"} -{"level":"info","message":"GET /hospital/253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:18"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:18"} -{"level":"info","message":"GET /253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:18"} -{"level":"info","message":"GET /253 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:18"} -{"level":"info","message":"GET /253 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:18"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:18"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:23"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:34"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:42"} -{"level":"info","message":"GET /public-signup/246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:51:58"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:11"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:18"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:22"} -{"level":"info","message":"POST /hospitals/active 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:22"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:22"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 284ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:22"} -{"level":"info","message":"GET /public-signup/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:24"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:24"} -{"level":"info","message":"GET /public-signup/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:24"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:24"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:25"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:25"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:25"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:25"} -{"level":"info","message":"PUT /public-signup/246 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:25"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:27"} -{"level":"info","message":"GET /public-signup/246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:27"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:27"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:27"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:27"} -{"level":"info","message":"GET /public-signup/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:27"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:27"} -{"level":"info","message":"GET /246 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:28"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:28"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:28"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:29"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:29"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:29"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:29"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:30"} -{"level":"info","message":"GET /public-signup/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:30"} -{"level":"info","message":"GET /public-signup/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:30"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:30"} -{"level":"info","message":"PUT /public-signup/246 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:32"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:32"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:33"} -{"level":"info","message":"GET /refresh-token/882/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:33"} -{"level":"info","message":"POST /get-access-token 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:33"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:33"} -{"level":"info","message":"GET /882 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:33"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:33"} -{"level":"info","message":"GET /public-signup/246 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:33"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:33"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:33"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:33"} -{"level":"info","message":"GET /public-signup/246 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:33"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:34"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:34"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:34"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:34"} -{"level":"info","message":"GET /246 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:34"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:35"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:35"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:35"} -{"level":"info","message":"GET /246 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:35"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:35"} -{"level":"info","message":"GET /public-signup/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:35"} -{"level":"info","message":"GET /public-signup/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:35"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:35"} -{"level":"info","message":"GET /253 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:36"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:36"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:36"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:36"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:36"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:36"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:36"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:36"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:36"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:36"} -{"level":"info","message":"GET /public-signup/246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:38"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:38"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:41"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:41"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:41"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:41"} -{"level":"info","message":"GET /hospital/253 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:41"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:41"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:42"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:42"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:42"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:42"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:42"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:42"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:42"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:42"} -{"level":"info","message":"GET /hospital/246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:42"} -{"level":"info","message":"GET /hospital/246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:42"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:42"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:44"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:44"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:49"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:52:49"} -{"level":"info","message":"POST /add-user 201 - 3164ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:01"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:01"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:02"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:02"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:07"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:09"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:09"} -{"level":"info","message":"POST /get-access-token 200 - 93ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:09"} -{"level":"info","message":"POST /login 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:09"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:09"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:10"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:10"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:10"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:10"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:10"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:10"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:10"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:11"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:11"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:11"} -{"level":"info","message":"GET /hospital/246 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:11"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:12"} -{"level":"info","message":"GET /32 200 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:12"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:12"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:12"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:12"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:15"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:15"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:17"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:17"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:30"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:30"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:30"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:30"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:30"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:30"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:30"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:35"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:35"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:35"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:53:41"} -{"level":"info","message":"POST /login 200 - 181ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:54:09"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:54:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:54:11"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:54:18"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:54:41"} -{"level":"info","message":"POST /hospital-users/login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:07"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:07"} -{"level":"info","message":"POST /get-access-token 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:07"} -{"level":"info","message":"POST /login 200 - 142ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:08"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:08"} -{"level":"info","message":"GET /colors 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:10"} -{"level":"info","message":"GET /32 200 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:10"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:10"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:10"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:10"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:10"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:10"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:10"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:10"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:10"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:10"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:11"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:11"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:15"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:18"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:28"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:28"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:28"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:28"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:28"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:28"} -{"level":"info","message":"GET /32 304 - 30ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:28"} -{"level":"info","message":"GET /32 304 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:28"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:28"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:33"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:33"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:33"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:55:41"} -{"level":"info","message":"GET /appuser_status 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:08"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:11"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:13"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:13"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:13"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:13"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:13"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:18"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:18"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:19"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:24"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:24"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:24"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:29"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:29"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:34"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:34"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:34"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:34"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:40"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:40"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:41"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:46"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:46"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:46"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:46"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:52"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:56:52"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:04"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:04"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:04"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:04"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:08"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:08"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:08"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:08"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:13"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:18"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:41"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:42"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:45"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:45"} -{"level":"info","message":"GET /hospital/253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:45"} -{"level":"info","message":"GET /hospital/253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:45"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:45"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:45"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:45"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:45"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:49"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:49"} -{"level":"info","message":"GET /hospital/253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:49"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:49"} -{"level":"info","message":"GET /hospital/253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:49"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:49"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:49"} -{"level":"info","message":"GET /hospital/253 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:49"} -{"level":"info","message":"GET /hospital/253 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:57:52"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:58:09"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:58:41"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:58:50"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:58:50"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:58:50"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:58:50"} -{"level":"info","message":"GET /246 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:58:56"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:58:56"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:08"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:08"} -{"level":"info","message":"GET /246 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:08"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:08"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:14"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:14"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:17"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:17"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:17"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:17"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:23"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:23"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:35"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:35"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:35"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:35"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:35"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:36"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:36"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:36"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:36"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:36"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:36"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:36"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:36"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:40"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:40"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:41"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:41"} -{"level":"info","message":"POST /add-user 201 - 3473ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:56"} -{"level":"info","message":"GET /246 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:56"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:56"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 14:59:56"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:01"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:10"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:10"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:10"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:10"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:16"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:16"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:22"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:22"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:22"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:22"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:28"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:28"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:29"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:29"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:29"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:29"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:30"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:30"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:31"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:31"} -{"level":"info","message":"POST /login 200 - 142ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:32"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:36"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:36"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:41"} -{"level":"info","message":"POST /send-pin-otp 200 - 3071ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:43"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:44"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:44"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:46"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:46"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:46"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:46"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:52"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:00:52"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:04"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:04"} -{"level":"info","message":"POST /get-access-token 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:04"} -{"level":"info","message":"POST /login 200 - 162ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:04"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:04"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:06"} -{"level":"info","message":"GET /32 200 - 56ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:06"} -{"level":"info","message":"GET /32 304 - 49ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:06"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:06"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:07"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:07"} -{"level":"info","message":"GET /appuser_status 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:07"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:11"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:11"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:11"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:12"} -{"level":"info","message":"POST /verify-pin 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:17"} -{"level":"info","message":"POST /hospital-users/login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:22"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:22"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:22"} -{"level":"info","message":"POST /refresh 200 - 149ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:22"} -{"level":"info","message":"POST /login 200 - 141ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:23"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:23"} -{"level":"info","message":"POST /hospitals/active 200 - 161ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:24"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 353ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:24"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:24"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:24"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:24"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 223ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:24"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:24"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:24"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:25"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:25"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:28"} -{"level":"info","message":"GET /chat-sessions 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:28"} -{"level":"info","message":"GET /popular-topics 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:28"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:29"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:29"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:29"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:41"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:47"} -{"level":"info","message":"POST /create-hospital 201 - 3892ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:48"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:48"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:49"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:49"} -{"level":"info","message":"POST /get-access-token 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:49"} -{"level":"info","message":"POST /login 200 - 141ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:50"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:50"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:52"} -{"level":"info","message":"GET /32 200 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:52"} -{"level":"info","message":"GET /32 304 - 46ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:52"} -{"level":"info","message":"GET /32 304 - 30ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:52"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:52"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:52"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:52"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:52"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:52"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:52"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:52"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:57"} -{"level":"info","message":"GET /refresh-token/898/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:57"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:57"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:57"} -{"level":"info","message":"POST /get-access-token 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:57"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:57"} -{"level":"info","message":"GET /898 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:57"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:57"} -{"level":"info","message":"POST /login 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:01:59"} -{"level":"info","message":"POST /send-pin-otp 200 - 2488ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:03"} -{"level":"info","message":"PUT /update-password/898 200 - 192ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:09"} -{"level":"info","message":"POST /add 201 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:09"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:09"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:09"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:09"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:09"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:09"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:10"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:10"} -{"level":"info","message":"GET /32 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:10"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:10"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:10"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:10"} -{"level":"info","message":"GET /public-signup/253 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:10"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:11"} -{"level":"info","message":"POST /upload-profile-photo 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:13"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:13"} -{"level":"info","message":"GET /public-signup/253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:13"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:13"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:13"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:13"} -{"level":"info","message":"POST /add 200 - 183ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:13"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:13"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:13"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:13"} -{"level":"info","message":"PUT /update/254 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:14"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:14"} -{"level":"info","message":"POST /add 200 - 209ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:15"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:18"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:19"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:19"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:19"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:19"} -{"level":"info","message":"GET /254 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /public-signup/253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:25"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:25"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:25"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:27"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:27"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:27"} -{"level":"info","message":"GET /253 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:27"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:31"} -{"level":"info","message":"GET /refresh-token/872/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:31"} -{"level":"info","message":"POST /get-access-token 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:31"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:31"} -{"level":"info","message":"GET /872 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:31"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:32"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:33"} -{"level":"info","message":"GET /246 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:33"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:34"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:34"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:34"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:34"} -{"level":"info","message":"GET /246 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:34"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:34"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:34"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:34"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:38"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:39"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:39"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:39"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:54"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:54"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:54"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:54"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:54"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:59"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:59"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:59"} -{"level":"info","message":"GET /246 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:59"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:59"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:59"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:02:59"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:01"} -{"level":"info","message":"GET /hospital/received 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:01"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:01"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:02"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:02"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:02"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:04"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:04"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:07"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:07"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:08"} -{"level":"info","message":"GET /refresh-token/872/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:08"} -{"level":"info","message":"POST /get-access-token 200 - 141ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:08"} -{"level":"info","message":"POST /login 200 - 225ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:09"} -{"level":"info","message":"GET /872 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:09"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:11"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:11"} -{"level":"info","message":"GET /246 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:11"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:11"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:11"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:11"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:11"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:11"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:16"} -{"level":"info","message":"GET /246 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:16"} -{"level":"info","message":"GET /246 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:16"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:25"} -{"level":"info","message":"POST /hospital-users/login 200 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:27"} -{"level":"info","message":"GET /refresh-token/898/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:27"} -{"level":"info","message":"POST /get-access-token 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:27"} -{"level":"info","message":"POST /login 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:27"} -{"level":"info","message":"GET /898 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:27"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:30"} -{"level":"info","message":"GET /254 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:30"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:30"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:30"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:30"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:30"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:30"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:30"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:30"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:30"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:30"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:35"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:35"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:35"} -{"level":"info","message":"POST /hospital-users/login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:51"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:51"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:51"} -{"level":"info","message":"POST /refresh 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:52"} -{"level":"info","message":"POST /login 200 - 153ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:52"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:52"} -{"level":"info","message":"POST /hospitals/active 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:52"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 327ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:53"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:03:54"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:02"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:02"} -{"level":"info","message":"GET /refresh-token/898/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:02"} -{"level":"info","message":"POST /get-access-token 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:02"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:03"} -{"level":"info","message":"GET /898 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:03"} -{"level":"info","message":"GET /254 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:05"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:05"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:05"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:05"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:05"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:05"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:05"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:05"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:05"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:05"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:10"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:10"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:10"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:11"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:16"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:16"} -{"level":"info","message":"GET /hospital/received 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:16"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:18"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:18"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:18"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:23"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:23"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:31"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:31"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:31"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:31"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:36"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:41"} -{"level":"info","message":"GET /refresh-token/898/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:41"} -{"level":"info","message":"POST /get-access-token 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:41"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:41"} -{"level":"info","message":"GET /898 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:43"} -{"level":"info","message":"GET /254 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:43"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:43"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:43"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:44"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:44"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:44"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:44"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:44"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:44"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:44"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:46"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:46"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:46"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:46"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:47"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:47"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:47"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:47"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:47"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:47"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:47"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:47"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:47"} -{"level":"info","message":"GET /public-signup/253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:48"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:48"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:48"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:48"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:49"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:49"} -{"level":"info","message":"GET /253 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:49"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:49"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:52"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:52"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:04:54"} -{"level":"info","message":"POST /add-user 201 - 3203ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:05"} -{"level":"info","message":"GET /254 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:05"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:05"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:05"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:05"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:08"} -{"level":"info","message":"GET /hospital/received 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:08"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:08"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:09"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:09"} -{"level":"info","message":"GET /253 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:09"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:10"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:11"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:13"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:13"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:13"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:13"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:13"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:13"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:14"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:14"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:16"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:16"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:16"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:16"} -{"level":"info","message":"GET /public-signup/253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:16"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:16"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:18"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:18"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:18"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:19"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:19"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:21"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:21"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:23"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:23"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:23"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:23"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:25"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:25"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:25"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:25"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:31"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:31"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:31"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:31"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:31"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:31"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:53"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:53"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:53"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:53"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:53"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:53"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:59"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:05:59"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:00"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:00"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:00"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:00"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:01"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:01"} -{"level":"info","message":"POST /get-access-token 200 - 104ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:02"} -{"level":"info","message":"POST /login 200 - 134ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:02"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:02"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:02"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:02"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:02"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:02"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:04"} -{"level":"info","message":"GET /32 200 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:04"} -{"level":"info","message":"GET /32 304 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:04"} -{"level":"info","message":"GET /32 304 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:04"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:04"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:04"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:04"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:04"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:05"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:08"} -{"level":"info","message":"GET /254 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:08"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:09"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:09"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:09"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:09"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:09"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:09"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:09"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:10"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:11"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:12"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:12"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:12"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:12"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:18"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:18"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:18"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:21"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:21"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:22"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:22"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:22"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:22"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:22"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:22"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:22"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:22"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:22"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:27"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:27"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:27"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:27"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:27"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:27"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:27"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:27"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:31"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:31"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:31"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:31"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:36"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:36"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:48"} -{"level":"info","message":"POST /hospital-users/login 401 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:49"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:06:55"} -{"level":"info","message":"POST /hospital-users/login 401 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:03"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:05"} -{"level":"info","message":"POST /hospital-users/login 401 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:09"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:11"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:18"} -{"level":"info","message":"POST /hospital-users/login 401 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:21"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:31"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:39"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:39"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:39"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:39"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:44"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:45"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:45"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:45"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:45"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:45"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:45"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:45"} -{"level":"info","message":"GET /254 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:45"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:45"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:45"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:45"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:49"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:49"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:49"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:49"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:49"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:49"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:50"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:51"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:54"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:54"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:54"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:54"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:55"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:55"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:57"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:57"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:57"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:57"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:57"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:57"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:57"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:57"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:57"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:58"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:07:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:03"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:03"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:03"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:03"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:05"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:18"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:34"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:34"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:34"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:34"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:35"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:35"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:35"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:35"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:40"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:40"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:40"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:42"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:42"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:43"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:43"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:43"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:43"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:48"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:48"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:50"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:50"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:50"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:50"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:50"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:50"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:50"} -{"level":"info","message":"GET /254 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:50"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:50"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:50"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:51"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:51"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:51"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:56"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:56"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:56"} -{"level":"info","message":"GET /hospital/received 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:57"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:57"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:57"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:59"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:59"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:08:59"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:00"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:00"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:00"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:02"} -{"level":"info","message":"GET /public-signup/32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:02"} -{"level":"info","message":"GET /hospital/32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:03"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:03"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:03"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:03"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:04"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:04"} -{"level":"info","message":"GET /hospital/32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:05"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:05"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:05"} -{"level":"info","message":"GET /254 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:05"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:10"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:10"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:10"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:10"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:11"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:11"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:11"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:11"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:11"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:11"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:11"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:11"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:11"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:11"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:16"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:16"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:16"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:18"} -{"level":"info","message":"POST /initialize 400 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:50"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:50"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:50"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:50"} -{"level":"info","message":"GET /254 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:50"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:50"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:50"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:51"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:51"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:51"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:51"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:51"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:51"} -{"level":"info","message":"POST /hospital-users/login 401 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:56"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:56"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:56"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:09:56"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /refresh-token/125/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /refresh-token/125/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"POST /refresh 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /list 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /users/active 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:02"} -{"level":"info","message":"POST /hospitals/active 200 - 98ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:02"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 296ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:05"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:05"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:05"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:07"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:07"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:07"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:10"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:13"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:13"} -{"level":"info","message":"GET /254 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:13"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:13"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:13"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:15"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:16"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:16"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:16"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:16"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:16"} -{"level":"info","message":"GET /254 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:16"} -{"level":"info","message":"GET /list 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:16"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:16"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:16"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:16"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:16"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:17"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:17"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:18"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:25"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:30"} -{"level":"info","message":"POST /login 200 - 151ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:35"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:40"} -{"level":"info","message":"POST /send-pin-otp 200 - 2962ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:44"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:45"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:50"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:51"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:51"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:51"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:51"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:51"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:51"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:53"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:53"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:53"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:53"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:53"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:53"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:53"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:53"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:53"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:53"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:53"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:53"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:55"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:56"} -{"level":"info","message":"GET /hospital/253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:56"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:56"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:59"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:59"} -{"level":"info","message":"GET /254 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:59"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:59"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:59"} -{"level":"info","message":"GET /list 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:59"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:59"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:59"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:59"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:59"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:59"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:10:59"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:00"} -{"level":"info","message":"GET /253 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:01"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:01"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:01"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:04"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:04"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:04"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:05"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:05"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:31"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:34"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:36"} -{"level":"info","message":"POST /send-pin-otp 200 - 2962ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:11:56"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:00"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:01"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:04"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:04"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:04"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:04"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:04"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:04"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:06"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:06"} -{"level":"info","message":"GET /254 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:06"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:06"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:06"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:06"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:06"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:06"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:06"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:06"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:06"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:06"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:06"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:09"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:09"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:09"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:09"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:09"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:09"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:09"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:09"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:09"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:09"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:09"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:09"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:09"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:09"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:11"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:14"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:14"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:14"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:21"} -{"level":"info","message":"POST /send-pin-otp 200 - 2703ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:24"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:31"} -{"level":"info","message":"POST /send-pin-otp 200 - 2528ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:34"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:34"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:41"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:42"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:42"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:42"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:46"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:47"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:47"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:12:48"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:04"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:17"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:17"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:17"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:17"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:17"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:18"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:18"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:18"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:18"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:18"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:18"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:18"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:18"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:22"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:23"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:13:34"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:02"} -{"level":"info","message":"POST /hospital-users/login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:04"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:04"} -{"level":"info","message":"POST /get-access-token 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:04"} -{"level":"info","message":"POST /login 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:04"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:04"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:04"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:07"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:07"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:07"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:07"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:07"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:07"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:07"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:07"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:07"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:12"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:18"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:22"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:22"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:22"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:22"} -{"level":"info","message":"GET /list 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:22"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:22"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:23"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:24"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:24"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:24"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:24"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:24"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:28"} -{"level":"info","message":"GET /254 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:28"} -{"level":"info","message":"GET /254 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:28"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:29"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:29"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:29"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:33"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:33"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:33"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:33"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:33"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:33"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:33"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:33"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:33"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:33"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:33"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:33"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:34"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:39"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:39"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:39"} -{"level":"info","message":"POST /hospital-users/login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:56"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:56"} -{"level":"info","message":"POST /get-access-token 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:56"} -{"level":"info","message":"POST /login 200 - 189ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:57"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:57"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:59"} -{"level":"info","message":"GET /32 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:59"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:59"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:59"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:59"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:14:59"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:02"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:04"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:04"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:04"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:17"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:17"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:17"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:17"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:17"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:17"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:17"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:17"} -{"level":"info","message":"GET /32 304 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:17"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:20"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:20"} -{"level":"info","message":"GET /list 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:20"} -{"level":"info","message":"GET /list 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:20"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:21"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:21"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:22"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:25"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:25"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:25"} -{"level":"info","message":"GET /254 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:34"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:37"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:37"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:37"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:38"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:38"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:38"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:42"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:42"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:43"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:43"} -{"level":"info","message":"GET /254 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:43"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:48"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:49"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:49"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:49"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:49"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:49"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:49"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:49"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:49"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:50"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:50"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:50"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:50"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:50"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:50"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:52"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:52"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:52"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:52"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:52"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:52"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:52"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:52"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:52"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:52"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:52"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:52"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:53"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:58"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:58"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:15:58"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:02"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:04"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:10"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:10"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:10"} -{"level":"info","message":"GET /254 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:10"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:10"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:10"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:10"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:10"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:10"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:10"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:11"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:11"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:11"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:13"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:13"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:13"} -{"level":"info","message":"GET /list 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:13"} -{"level":"info","message":"GET /list 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:13"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:13"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:13"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:18"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:18"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:19"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:27"} -{"level":"info","message":"GET /254 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:28"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:28"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:28"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:28"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:28"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:28"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:28"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:28"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:28"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:28"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:28"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:28"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:33"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:33"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:33"} -{"level":"info","message":"GET /254 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:16:34"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:02"} -{"level":"info","message":"GET /32 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:04"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:08"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:08"} -{"level":"info","message":"POST /get-access-token 200 - 113ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:08"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:08"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:08"} -{"level":"info","message":"GET /colors 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:11"} -{"level":"info","message":"GET /32 200 - 30ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:11"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:11"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:11"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:11"} -{"level":"info","message":"GET /32 304 - 47ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:11"} -{"level":"info","message":"GET /32 304 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:11"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:11"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:11"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:11"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:11"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:16"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:28"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:28"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:28"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:28"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:28"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:28"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:28"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:28"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:28"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:28"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:33"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:33"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:33"} -{"level":"info","message":"GET /254 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:17:34"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:01"} -{"level":"info","message":"GET /32 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:04"} -{"level":"info","message":"GET /appuser_status 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:15"} -{"level":"info","message":"GET /254 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:34"} -{"cpu":{"loadAvg":0.02,"usage":3.193384805084392},"errors":{},"level":"info","memory":{"external":22245426,"heapTotal":90898432,"heapUsed":82113992,"rss":203214848},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":1,"total":1},"GET /229":{"failed":0,"success":53,"total":53},"GET /236":{"failed":0,"success":11,"total":11},"GET /246":{"failed":58,"success":537,"total":595},"GET /247":{"failed":0,"success":29,"total":29},"GET /253":{"failed":15,"success":451,"total":466},"GET /254":{"failed":14,"success":493,"total":507},"GET /31":{"failed":0,"success":22,"total":22},"GET /32":{"failed":70,"success":589,"total":659},"GET /833":{"failed":0,"success":1,"total":1},"GET /872":{"failed":0,"success":6,"total":6},"GET /882":{"failed":0,"success":2,"total":2},"GET /898":{"failed":1,"success":3,"total":4},"GET /appuser_status":{"failed":0,"success":7,"total":7},"GET /chat-sessions":{"failed":5,"success":2,"total":7},"GET /colors":{"failed":37,"success":101,"total":138},"GET /get-forwarded-feedbacks":{"failed":0,"success":7,"total":7},"GET /hospital/229":{"failed":0,"success":3,"total":3},"GET /hospital/246":{"failed":1,"success":61,"total":62},"GET /hospital/247":{"failed":1,"success":0,"total":1},"GET /hospital/253":{"failed":6,"success":15,"total":21},"GET /hospital/32":{"failed":2,"success":4,"total":6},"GET /hospital/received":{"failed":1,"success":4,"total":5},"GET /hospitals/onboarded":{"failed":0,"success":7,"total":7},"GET /list":{"failed":0,"success":62,"total":62},"GET /popular-topics":{"failed":0,"success":5,"total":5},"GET /public-signup/246":{"failed":0,"success":35,"total":35},"GET /public-signup/253":{"failed":0,"success":23,"total":23},"GET /public-signup/32":{"failed":1,"success":3,"total":4},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/125/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/26/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/31/7":{"failed":0,"success":22,"total":22},"GET /refresh-token/833/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/872/7":{"failed":0,"success":6,"total":6},"GET /refresh-token/882/7":{"failed":0,"success":2,"total":2},"GET /refresh-token/898/7":{"failed":0,"success":4,"total":4},"GET /refresh-token/9/6":{"failed":0,"success":3,"total":3},"GET /users/active":{"failed":0,"success":1,"total":1},"POST /add":{"failed":0,"success":3,"total":3},"POST /add-user":{"failed":0,"success":7,"total":7},"POST /create-hospital":{"failed":0,"success":1,"total":1},"POST /get-access-token":{"failed":1,"success":35,"total":36},"POST /hospital-users/login":{"failed":14,"success":41,"total":55},"POST /hospitals/active":{"failed":0,"success":6,"total":6},"POST /initialize":{"failed":1,"success":0,"total":1},"POST /login":{"failed":5,"success":49,"total":54},"POST /refresh":{"failed":0,"success":5,"total":5},"POST /send-otp":{"failed":2,"success":8,"total":10},"POST /send-pin-otp":{"failed":0,"success":16,"total":16},"POST /upload":{"failed":4,"success":14,"total":18},"POST /upload-profile-photo":{"failed":0,"success":1,"total":1},"POST /verify-pin":{"failed":2,"success":5,"total":7},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /edit-user/882":{"failed":0,"success":1,"total":1},"PUT /edit-user/894":{"failed":0,"success":1,"total":1},"PUT /public-signup/246":{"failed":0,"success":15,"total":15},"PUT /public-signup/253":{"failed":0,"success":10,"total":10},"PUT /update-password/898":{"failed":0,"success":1,"total":1},"PUT /update/254":{"failed":0,"success":1,"total":1}},"failed":242,"success":2806,"total":3048},"responseTime":{"avg":44.59776902887139,"max":4816,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-09T09:48:34.751Z"} -{"level":"info","message":"POST /send-pin-otp 200 - 2836ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:36"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:37"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:37"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:38"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:42"} -{"level":"info","message":"GET /254 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:18:42"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:19:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:19:04"} -{"level":"info","message":"POST /send-pin-otp 200 - 2711ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:19:21"} -{"level":"info","message":"GET /254 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:19:34"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:02"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:04"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:29"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:29"} -{"level":"info","message":"POST /get-access-token 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:29"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:29"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:29"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:31"} -{"level":"info","message":"GET /32 200 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:31"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:31"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:31"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:31"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:32"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:32"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:32"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:32"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:32"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:32"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:32"} -{"level":"info","message":"GET /254 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:34"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:36"} -{"level":"info","message":"GET /32 304 - 42ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:36"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:37"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:37"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:37"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:37"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:43"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:50"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:50"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:50"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:50"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:50"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:50"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:50"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:55"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:55"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:20:55"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:02"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:04"} -{"level":"info","message":"POST /send-pin-otp 200 - 2589ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:07"} -{"level":"info","message":"GET /254 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:31"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:31"} -{"level":"info","message":"GET /254 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:31"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:31"} -{"level":"info","message":"GET /254 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:31"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:31"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:31"} -{"level":"info","message":"GET /254 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:31"} -{"level":"info","message":"GET /254 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:31"} -{"level":"info","message":"GET /254 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:31"} -{"level":"info","message":"GET /254 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:31"} -{"level":"info","message":"GET /254 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:32"} -{"level":"info","message":"GET /254 403 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:34"} -{"level":"info","message":"GET /254 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:35"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:35"} -{"level":"info","message":"GET /254 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:35"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:35"} -{"level":"info","message":"GET /254 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:35"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:35"} -{"level":"info","message":"GET /254 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:35"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:35"} -{"level":"info","message":"GET /254 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:35"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:35"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:35"} -{"level":"info","message":"GET /254 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:40"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:40"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:21:40"} -{"level":"info","message":"GET /253 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:01"} -{"level":"info","message":"GET /32 403 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:04"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:23"} -{"level":"info","message":"GET /refresh-token/898/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:23"} -{"level":"info","message":"POST /get-access-token 200 - 130ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:23"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:23"} -{"level":"info","message":"GET /898 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:23"} -{"level":"info","message":"GET /254 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:26"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:26"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:26"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:26"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:26"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:26"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:26"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:26"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:26"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:26"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:26"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:31"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:31"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:31"} -{"level":"info","message":"POST /send-pin-otp 200 - 3562ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:33"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:34"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:36"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:36"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:36"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:41"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:41"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:42"} -{"level":"info","message":"POST /send-pin-otp 200 - 2723ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:22:53"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:04"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:25"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:25"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:25"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:25"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:25"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:25"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:25"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:25"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:26"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:26"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:26"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:31"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:31"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:31"} -{"level":"info","message":"GET /254 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:42"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:42"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:23:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:01"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:01"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:01"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:01"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:02"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:04"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:06"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:06"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:06"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:19"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:19"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:19"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:19"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:19"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:19"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:20"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:20"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:30"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:30"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:30"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:30"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:30"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:30"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:30"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:30"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:30"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:30"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:30"} -{"level":"info","message":"GET /254 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:36"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:36"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:46"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:46"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:46"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:46"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:46"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:46"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:46"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:46"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:46"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:46"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:46"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:46"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:51"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:51"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:24:51"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:04"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:06"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:06"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:07"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:07"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:07"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:07"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:07"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:07"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:07"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:07"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:07"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:12"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:12"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:12"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:14"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:14"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:14"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:14"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:14"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:14"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:15"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:15"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:15"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:15"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:15"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:20"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:20"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:21"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:21"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:21"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:21"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:26"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:26"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:26"} -{"level":"info","message":"GET /254 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:34"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:34"} -{"level":"info","message":"GET /254 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:34"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:34"} -{"level":"info","message":"GET /refresh-token/833/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:34"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:35"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:35"} -{"level":"info","message":"POST /get-access-token 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:35"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:35"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:35"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:35"} -{"level":"info","message":"POST /login 200 - 141ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:35"} -{"level":"info","message":"GET /833 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:35"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:38"} -{"level":"info","message":"GET /229 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:38"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:39"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:39"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:39"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:39"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:40"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:40"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:40"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:40"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:40"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:43"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:43"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:44"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:45"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:45"} -{"level":"info","message":"GET /appuser_status 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:57"} -{"level":"info","message":"POST /add-user 201 - 3137ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:58"} -{"level":"info","message":"GET /254 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:58"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:58"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:25:58"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:02"} -{"level":"info","message":"GET /253 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:02"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:03"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:04"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:15"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:15"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:15"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:15"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:15"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:15"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:15"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:15"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:16"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:16"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:16"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:16"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:20"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:20"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:20"} -{"level":"info","message":"GET /254 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:34"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:34"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:34"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:34"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:34"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:34"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:34"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:35"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:37"} -{"level":"info","message":"GET /254 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:37"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:38"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:39"} -{"level":"info","message":"POST /login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:43"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:43"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:43"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:43"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:44"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:44"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:44"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:44"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:44"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:44"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:44"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:44"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:44"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:44"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:44"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:44"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:49"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:49"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:49"} -{"level":"info","message":"POST /login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:26:52"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:01"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:04"} -{"level":"info","message":"POST /login 200 - 154ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:08"} -{"level":"info","message":"GET /254 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:34"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:39"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:44"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:48"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:48"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:48"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:48"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:48"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:49"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:52"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:54"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:54"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:27:54"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:00"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:00"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:00"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:00"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:00"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:00"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:00"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:00"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:00"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:01"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:01"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:04"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:06"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:06"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:06"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:34"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:39"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:44"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:44"} -{"level":"info","message":"POST /get-access-token 200 - 421ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:44"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:45"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:45"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:45"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:45"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:45"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:45"} -{"level":"info","message":"POST /login 200 - 1091ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:45"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:45"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:45"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:45"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:45"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:46"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:46"} -{"level":"info","message":"GET /colors 200 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /32 200 - 48ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /32 304 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:48"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:53"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:53"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:53"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:53"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:53"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:53"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:54"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:54"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:54"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:54"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:54"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:54"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:54"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:55"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:55"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:55"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:55"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:59"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:28:59"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:00"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:02"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:02"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:02"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:02"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:02"} -{"level":"info","message":"GET /254 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:02"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:02"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:02"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:03"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:03"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:03"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:03"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:04"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:04"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:04"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:04"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:04"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:04"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:04"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:07"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:07"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:08"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:09"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:09"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:09"} -{"level":"info","message":"POST /add-user 201 - 3317ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:20"} -{"level":"info","message":"GET /254 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:20"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:20"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:20"} -{"level":"info","message":"GET /254 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:22"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:22"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:22"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:22"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:23"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:25"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:25"} -{"level":"info","message":"GET /list 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:25"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:28"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:28"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:30"} -{"level":"info","message":"GET /appuser_status 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:31"} -{"level":"info","message":"GET /254 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:34"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:39"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:40"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:50"} -{"level":"info","message":"POST /create-hospital 201 - 3048ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:54"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:54"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:29:55"} -{"level":"info","message":"GET /appuser_status 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:00"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:02"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:03"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:03"} -{"level":"info","message":"POST /get-access-token 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:03"} -{"level":"info","message":"POST /login 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:03"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:03"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:04"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:06"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:06"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:06"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:06"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:06"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:06"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:06"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:07"} -{"level":"info","message":"GET /refresh-token/902/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:07"} -{"level":"info","message":"POST /get-access-token 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:07"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:07"} -{"level":"info","message":"GET /902 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:07"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:11"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:11"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:11"} -{"level":"info","message":"PUT /update-password/902 200 - 196ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:15"} -{"level":"info","message":"POST /add 201 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:15"} -{"level":"info","message":"POST /upload-profile-photo 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:19"} -{"level":"info","message":"POST /add 200 - 101ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:19"} -{"level":"info","message":"PUT /update/255 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:20"} -{"level":"info","message":"POST /add 200 - 140ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:20"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:23"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:23"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:23"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:23"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:23"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:23"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:23"} -{"level":"info","message":"GET /32 304 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:23"} -{"level":"info","message":"GET /32 304 - 43ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:24"} -{"level":"info","message":"GET /255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:25"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:25"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:25"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:25"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:25"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:25"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:25"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:25"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:25"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:25"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:25"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:25"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:28"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:28"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:28"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:30"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:30"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:30"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:34"} -{"level":"info","message":"GET /refresh-token/898/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:34"} -{"level":"info","message":"POST /get-access-token 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:34"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:34"} -{"level":"info","message":"GET /898 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:34"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:36"} -{"level":"info","message":"GET /254 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:36"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:36"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:36"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:37"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:37"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:39"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:41"} -{"level":"info","message":"GET /254 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:41"} -{"level":"info","message":"GET /254 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:42"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:48"} -{"level":"info","message":"GET /refresh-token/902/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:48"} -{"level":"info","message":"POST /get-access-token 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:48"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:48"} -{"level":"info","message":"GET /902 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:48"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:50"} -{"level":"info","message":"GET /255 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:50"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:50"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:50"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:50"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:50"} -{"level":"info","message":"GET /255 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:50"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:50"} -{"level":"info","message":"GET /255 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:51"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:51"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:51"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:55"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:55"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:30:56"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:02"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:02"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:02"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:03"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:04"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:08"} -{"level":"info","message":"GET /255 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:08"} -{"level":"info","message":"GET /255 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:08"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:09"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:09"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:09"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:09"} -{"level":"info","message":"GET /255 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:09"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:09"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:09"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:09"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:09"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:09"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:10"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:10"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:10"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:10"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:10"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:10"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:10"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:10"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:10"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:10"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:10"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:15"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:15"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:15"} -{"level":"info","message":"POST /login 200 - 174ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:18"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:34"} -{"level":"info","message":"POST /send-pin-otp 200 - 2314ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:36"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:38"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:38"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:39"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:43"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:43"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:43"} -{"level":"info","message":"POST /send-pin-otp 200 - 2873ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:59"} -{"level":"info","message":"POST /add-user 201 - 3067ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:59"} -{"level":"info","message":"GET /255 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:31:59"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:00"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:00"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:02"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:04"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:05"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:08"} -{"level":"info","message":"GET /refresh-token/902/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:08"} -{"level":"info","message":"POST /get-access-token 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:08"} -{"level":"info","message":"POST /login 200 - 166ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:08"} -{"level":"info","message":"GET /902 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:08"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:11"} -{"level":"info","message":"GET /255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:11"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:11"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:11"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:11"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:11"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:11"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:11"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:11"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:12"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:12"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:12"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:12"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:12"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:12"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:16"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:16"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:17"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:27"} -{"level":"info","message":"GET /refresh-token/902/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:27"} -{"level":"info","message":"POST /get-access-token 200 - 101ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:28"} -{"level":"info","message":"POST /login 200 - 213ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:28"} -{"level":"info","message":"GET /902 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:28"} -{"level":"info","message":"GET /255 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:31"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:31"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:31"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:31"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:31"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:31"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:31"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:31"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:31"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:31"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:34"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:36"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:36"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:36"} -{"level":"info","message":"POST /verify-pin 401 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:32:52"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:04"} -{"level":"info","message":"POST /verify-pin 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:09"} -{"level":"info","message":"GET /chat-sessions 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:09"} -{"level":"info","message":"GET /popular-topics 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:09"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:14"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:14"} -{"level":"info","message":"POST /get-access-token 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:14"} -{"level":"info","message":"POST /login 200 - 196ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:15"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:15"} -{"level":"info","message":"GET /colors 200 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:17"} -{"level":"info","message":"GET /32 200 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:17"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:17"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:17"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:17"} -{"level":"info","message":"GET /32 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:17"} -{"level":"info","message":"GET /32 304 - 58ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:17"} -{"level":"info","message":"GET /32 304 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:17"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:17"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:17"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:17"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:22"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:22"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:22"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:31"} -{"level":"info","message":"GET /254 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:34"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:34"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:35"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:35"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:35"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:35"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:35"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:35"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:35"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:35"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:40"} -{"level":"info","message":"POST /send-otp 200 - 2214ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:52"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:56"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:56"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:56"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:56"} -{"level":"info","message":"GET /255 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:56"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:56"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:56"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:56"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:56"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:56"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:33:57"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:01"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:02"} -{"level":"info","message":"GET /255 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:04"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:06"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:06"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:06"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:06"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:06"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:06"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:06"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:06"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:06"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:07"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:07"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:12"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:12"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:12"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:34"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:34"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:34"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:34"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:34"} -{"level":"info","message":"GET /255 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:34"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:34"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:34"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:34"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:34"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:34"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:34"} -{"level":"info","message":"POST /get-access-token 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:35"} -{"level":"info","message":"POST /login 200 - 106ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:35"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:35"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:35"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:37"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:37"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:37"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:37"} -{"level":"info","message":"GET /32 304 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:37"} -{"level":"info","message":"GET /32 304 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:37"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:37"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:37"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:37"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:40"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:40"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:40"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:41"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:42"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:42"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:42"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:42"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:42"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:42"} -{"level":"info","message":"POST /get-access-token 200 - 106ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:42"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:42"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:42"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:45"} -{"level":"info","message":"GET /32 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:45"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:45"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:45"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:45"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:45"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:45"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:45"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:45"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:47"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:47"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:47"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:50"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:50"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:55"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:55"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:55"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:55"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:55"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:55"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:55"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:55"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:34:55"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:00"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:00"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:00"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:02"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:03"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:03"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:03"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:03"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:04"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:08"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:40"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:40"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:40"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:40"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:40"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:40"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:40"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:40"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:40"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:40"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:41"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:41"} -{"level":"info","message":"GET /255 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:46"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:46"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:35:46"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:36:01"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:36:01"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:36:05"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:37:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:37:11"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:11"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:43"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:46"} -{"level":"info","message":"GET /refresh-token/882/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:46"} -{"level":"info","message":"POST /get-access-token 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:46"} -{"level":"info","message":"POST /login 200 - 304ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:46"} -{"level":"info","message":"GET /882 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:46"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:49"} -{"level":"info","message":"GET /253 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:49"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:49"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:49"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:49"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:49"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:49"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:49"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:49"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:49"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:50"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:50"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:50"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:50"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:54"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:38:55"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:39:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:39:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:39:08"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:39:08"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:39:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:39:13"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:39:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:39:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:39:28"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:39:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:39:43"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:39:50"} -{"level":"info","message":"GET /253 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:02"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:03"} -{"level":"info","message":"GET /refresh-token/902/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:03"} -{"level":"info","message":"POST /get-access-token 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:03"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:03"} -{"level":"info","message":"GET /902 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:03"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:06"} -{"level":"info","message":"GET /255 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:06"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:06"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:06"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:06"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:06"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:06"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:06"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:06"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:06"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:06"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:06"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:11"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:11"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:11"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:13"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:23"} -{"level":"info","message":"GET /255 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:23"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:23"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:23"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:23"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:23"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:23"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:23"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:23"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:24"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:24"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:28"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:29"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:29"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:29"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:32"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:32"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:32"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:32"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:32"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:32"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:32"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:32"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:32"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:33"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:33"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:33"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:38"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:43"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:48"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:50"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:40:58"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:02"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:13"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:13"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:13"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:13"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:13"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:13"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:13"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:13"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:13"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:13"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:13"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:14"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:18"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:19"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:19"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:19"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:22"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:22"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:22"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:22"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:22"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:22"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:22"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:22"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:22"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:22"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:23"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:23"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:28"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:28"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:28"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:36"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:36"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:36"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:36"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:36"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:36"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:36"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:36"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:36"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:36"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:37"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:40"} -{"level":"info","message":"GET /users/active 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:40"} -{"level":"info","message":"POST /hospitals/active 200 - 93ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:40"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 290ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:40"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:42"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:42"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:43"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:47"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:47"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:47"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:47"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:47"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:47"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:47"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:47"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:48"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:48"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:48"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:50"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:53"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:53"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:53"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:53"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:53"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:53"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:53"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:53"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:54"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:54"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:54"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:54"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:54"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:54"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:58"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:58"} -{"level":"info","message":"GET /255 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:58"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:58"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:58"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:58"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:58"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:58"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:58"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:58"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:58"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:41:58"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:02"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:03"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:03"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:08"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:13"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:17"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:17"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:17"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:17"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:17"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:17"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:17"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:17"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:17"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:17"} -{"level":"info","message":"GET /255 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:17"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:17"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:18"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:22"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:22"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:22"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:22"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:22"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:22"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:22"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:22"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:22"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:22"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:22"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:27"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:27"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:27"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:28"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:42:50"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:11"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:23"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:44"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:50"} -{"level":"info","message":"GET /hospital/32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:50"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:50"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:50"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:50"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:53"} -{"level":"info","message":"GET /public-signup/32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:53"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:53"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:56"} -{"level":"info","message":"GET /hospital/32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:56"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:43:56"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:44:02"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:44:23"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:44:50"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:44:56"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:45:02"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:45:23"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:45:50"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:45:56"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:02"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:02"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:50"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:56"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:57"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:57"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:57"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:57"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:57"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:57"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:57"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:57"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:57"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:57"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:58"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:46:58"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:02"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:02"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:02"} -{"level":"info","message":"POST /get-access-token 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:02"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:02"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:02"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:02"} -{"level":"info","message":"GET /255 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:02"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:02"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:03"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:03"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:03"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:03"} -{"level":"info","message":"GET /colors 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:04"} -{"level":"info","message":"GET /32 200 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:04"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:05"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:05"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:05"} -{"level":"info","message":"GET /32 304 - 38ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:05"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:05"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:05"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:05"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:05"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:05"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:07"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:07"} -{"level":"info","message":"GET /hospital/255 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:07"} -{"level":"info","message":"GET /hospital/255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:07"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:07"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:09"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:09"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:10"} -{"level":"info","message":"POST /login 401 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:17"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:22"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:22"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:22"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:22"} -{"level":"info","message":"GET /32 304 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:22"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:22"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:22"} -{"level":"info","message":"POST /upload 200 - 279ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:22"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:27"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:27"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:27"} -{"level":"info","message":"POST /login 200 - 185ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:28"} -{"level":"info","message":"GET /hospital/255 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:29"} -{"level":"info","message":"GET /hospital/255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:38"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:40"} -{"level":"info","message":"GET /public-signup/255 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:40"} -{"level":"info","message":"GET /public-signup/255 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:40"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:40"} -{"level":"info","message":"PUT /public-signup/255 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:42"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:43"} -{"level":"info","message":"GET /public-signup/255 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:43"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:43"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:43"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:43"} -{"level":"info","message":"GET /public-signup/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:43"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:43"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:43"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:43"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:43"} -{"level":"info","message":"PUT /public-signup/255 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:44"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:46"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:46"} -{"level":"info","message":"GET /public-signup/255 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:46"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:46"} -{"level":"info","message":"GET /public-signup/255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:46"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:46"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:46"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:46"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:47"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:47"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:50"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:51"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:51"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:51"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:51"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:51"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:52"} -{"level":"info","message":"GET /public-signup/255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:52"} -{"level":"info","message":"GET /public-signup/255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:52"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:52"} -{"level":"info","message":"PUT /public-signup/255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:53"} -{"level":"info","message":"PUT /public-signup/255 200 - 581ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:55"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:56"} -{"level":"info","message":"GET /public-signup/255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:56"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:56"} -{"level":"info","message":"GET /public-signup/255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:56"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:56"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:56"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:56"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:56"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:56"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:56"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:56"} -{"level":"info","message":"PUT /public-signup/255 200 - 188ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:57"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:58"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:58"} -{"level":"info","message":"POST /get-access-token 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:58"} -{"level":"info","message":"POST /login 200 - 155ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:58"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:58"} -{"level":"info","message":"GET /255 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:59"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:59"} -{"level":"info","message":"GET /public-signup/255 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:59"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:59"} -{"level":"info","message":"GET /public-signup/255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:59"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:59"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:59"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:59"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:59"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:47:59"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:00"} -{"level":"info","message":"GET /32 200 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:01"} -{"level":"info","message":"GET /32 304 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:01"} -{"level":"info","message":"GET /32 304 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:01"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:01"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:01"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:01"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:01"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:01"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:01"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:01"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:04"} -{"level":"info","message":"GET /appuser_status 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:05"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:05"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:05"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:06"} -{"level":"info","message":"GET /public-signup/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:12"} -{"level":"info","message":"GET /255 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:14"} -{"level":"info","message":"GET /255 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:14"} -{"level":"info","message":"GET /public-signup/255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:14"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:14"} -{"level":"info","message":"GET /public-signup/255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:14"} -{"level":"info","message":"GET /255 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:14"} -{"level":"info","message":"GET /255 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:14"} -{"level":"info","message":"GET /255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:14"} -{"level":"info","message":"GET /255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:14"} -{"level":"info","message":"GET /255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:15"} -{"level":"info","message":"GET /255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:15"} -{"level":"info","message":"PUT /public-signup/255 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:15"} -{"level":"info","message":"PUT /public-signup/255 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:17"} -{"level":"info","message":"PUT /public-signup/255 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:17"} -{"level":"info","message":"GET /255 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:18"} -{"level":"info","message":"GET /public-signup/255 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:18"} -{"level":"info","message":"GET /255 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:18"} -{"level":"info","message":"GET /public-signup/255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:18"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:18"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:18"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:18"} -{"level":"info","message":"GET /255 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:18"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:18"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:18"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:18"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:19"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:23"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:24"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:50"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:50"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:48:56"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:02"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:19"} -{"level":"info","message":"GET /public-signup/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:35"} -{"level":"info","message":"PUT /public-signup/255 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:38"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:39"} -{"level":"info","message":"GET /public-signup/255 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:39"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:39"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:40"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:40"} -{"level":"info","message":"GET /public-signup/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:40"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:40"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:40"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:40"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:40"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:40"} -{"level":"info","message":"PUT /public-signup/255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:42"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:44"} -{"level":"info","message":"GET /public-signup/255 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:44"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:44"} -{"level":"info","message":"GET /public-signup/255 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:44"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:44"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:44"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:44"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:45"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:45"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:45"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:49"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:50"} -{"level":"info","message":"PUT /public-signup/255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:56"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:49:56"} -{"level":"info","message":"PUT /public-signup/255 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:00"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:02"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:05"} -{"level":"info","message":"GET /public-signup/255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:05"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:05"} -{"level":"info","message":"GET /public-signup/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:05"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:05"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:06"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:06"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:06"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:07"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:07"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:07"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:10"} -{"level":"info","message":"GET /public-signup/255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:25"} -{"level":"info","message":"PUT /public-signup/255 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:28"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:30"} -{"level":"info","message":"GET /public-signup/255 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:30"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:30"} -{"level":"info","message":"GET /public-signup/255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:30"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:30"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:30"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:30"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:30"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:30"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:35"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:51"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:50:56"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:51:02"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:51:02"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:51:30"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:51:51"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:51:56"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:02"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:14"} -{"level":"info","message":"GET /list 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:14"} -{"level":"info","message":"PUT /public-signup/255 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:25"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:30"} -{"level":"info","message":"GET /255 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:43"} -{"level":"info","message":"GET /public-signup/255 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:43"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:43"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:43"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:43"} -{"level":"info","message":"GET /public-signup/255 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:43"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:43"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:43"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:43"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:43"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:43"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:48"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:52"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:52:57"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:53:02"} -{"level":"info","message":"POST /create-hospital 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:53:42"} -{"level":"info","message":"GET /255 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:53:43"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:53:51"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:53:53"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:54:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:54:11"} -{"level":"info","message":"GET /public-signup/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:54:37"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:54:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:54:50"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:54:54"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:02"} -{"level":"info","message":"GET /32 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:11"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:43"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:45"} -{"level":"info","message":"GET /public-signup/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:45"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:45"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:45"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:45"} -{"level":"info","message":"GET /public-signup/255 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:45"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:46"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:46"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:46"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:46"} -{"level":"info","message":"PUT /public-signup/255 200 - 93ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:47"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:48"} -{"level":"info","message":"GET /public-signup/255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:48"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:48"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:48"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:48"} -{"level":"info","message":"GET /public-signup/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:48"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:48"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:48"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:48"} -{"level":"info","message":"GET /255 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:48"} -{"level":"info","message":"PUT /public-signup/255 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:50"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:52"} -{"level":"info","message":"GET /public-signup/255 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:52"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:52"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:52"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:52"} -{"level":"info","message":"GET /public-signup/255 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:52"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:52"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:52"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:52"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:52"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:52"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:55"} -{"level":"info","message":"GET /public-signup/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:55"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:55:57"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:02"} -{"level":"info","message":"GET /253 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:11"} -{"level":"info","message":"POST /login 200 - 136ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:14"} -{"level":"info","message":"POST /send-pin-otp 200 - 2357ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:24"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:38"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:38"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:38"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:38"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:38"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:43"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:43"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:56:56"} -{"level":"info","message":"GET /253 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:57:02"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:57:11"} -{"level":"info","message":"POST /add-user 201 - 2912ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:57:13"} -{"level":"info","message":"GET /255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:57:13"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:57:13"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:57:13"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:57:18"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:57:57"} -{"level":"info","message":"PUT /edit-user/902 200 - 105ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:57:59"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:02"} -{"level":"info","message":"GET /32 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:11"} -{"level":"info","message":"GET /255 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:14"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:36"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:36"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:36"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:36"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:36"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:36"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:37"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:37"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:37"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:37"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:37"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:41"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:42"} -{"level":"info","message":"PUT /edit-user/902 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:48"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:51"} -{"level":"info","message":"GET /255 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:57"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:57"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:57"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:57"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:57"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:57"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:57"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:57"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:57"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:57"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:57"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:58:58"} -{"level":"info","message":"GET /253 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:02"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:03"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:03"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:03"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:11"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:36"} -{"level":"info","message":"GET /255 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:36"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:36"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:36"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:36"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:36"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:36"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:36"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:36"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:36"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:36"} -{"level":"info","message":"GET /255 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:41"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:41"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:41"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:43"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:43"} -{"level":"info","message":"GET /255 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:43"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:43"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:43"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:43"} -{"level":"info","message":"GET /255 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:43"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:43"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:43"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:43"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:43"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:48"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:48"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:48"} -{"level":"info","message":"GET /253 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 15:59:59"} -{"level":"info","message":"GET /253 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:00:02"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:00:06"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:00:06"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:00:06"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:00:06"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:00:11"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:00:12"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:00:12"} -{"level":"info","message":"POST /send-pin-otp 200 - 2577ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:00:42"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:00:59"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:01:02"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:01:02"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:01:07"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:01:11"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:01:59"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:02"} -{"level":"info","message":"GET /255 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:07"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:11"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:12"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:12"} -{"level":"info","message":"GET /colors 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:12"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:12"} -{"level":"info","message":"GET /253 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:12"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:12"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:12"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:12"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:17"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:17"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:17"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:17"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:17"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:17"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:17"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:17"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:17"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:19"} -{"level":"info","message":"GET /hospital/255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:19"} -{"level":"info","message":"GET /hospital/255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:19"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:19"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:22"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:22"} -{"level":"info","message":"PUT /update/253 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:23"} -{"level":"info","message":"PUT /edit-user/882 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:23"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:23"} -{"level":"info","message":"POST /upload 200 - 140ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:30"} -{"level":"info","message":"GET /hospital/255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:37"} -{"level":"info","message":"GET /hospital/255 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:46"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:46"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:46"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:46"} -{"level":"info","message":"GET /hospital/255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:46"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:46"} -{"level":"info","message":"GET /hospital/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:46"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:46"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:46"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:46"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:46"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:50"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:02:51"} -{"level":"info","message":"GET /253 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:02"} -{"level":"info","message":"GET /hospital/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:05"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:11"} -{"level":"info","message":"PUT /update/253 200 - 175ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:12"} -{"level":"info","message":"PUT /edit-user/882 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:12"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:12"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:16"} -{"level":"info","message":"PUT /update/253 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:36"} -{"level":"info","message":"PUT /edit-user/882 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:36"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:36"} -{"level":"info","message":"PUT /update/253 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:57"} -{"level":"info","message":"PUT /edit-user/882 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:57"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:03:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:04:11"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:04:58"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:05:11"} -{"level":"info","message":"GET /253 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:05:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:06:11"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:06:58"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:11"} -{"level":"info","message":"POST /login 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:14"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:18"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:42"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:42"} -{"level":"info","message":"POST /get-access-token 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:42"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:42"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:42"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:45"} -{"level":"info","message":"GET /32 200 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:45"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:45"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:45"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:45"} -{"level":"info","message":"GET /32 304 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:45"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:45"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:45"} -{"level":"info","message":"GET /32 304 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:50"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:50"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:50"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:07:58"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:08:03"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:08:03"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:08:03"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:08:03"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:08:08"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:08:11"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:08:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:03"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:03"} -{"level":"info","message":"POST /get-access-token 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:03"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:03"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:03"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:05"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:05"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:05"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:05"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:05"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:05"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:05"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:05"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:05"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:10"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:10"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:10"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:11"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:23"} -{"level":"info","message":"GET /colors 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:23"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:23"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:23"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:28"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:47"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:47"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:47"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:49"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:49"} -{"level":"info","message":"GET /hospital/received 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:49"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:50"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:50"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:50"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:55"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:55"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:55"} -{"level":"info","message":"GET /hospital/received 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:55"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:55"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:57"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:57"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:57"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:09:59"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:10:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:10:02"} -{"level":"info","message":"GET /public-signup/32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:10:16"} -{"level":"info","message":"GET /32 403 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:10:16"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:10:16"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:10:51"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:10:53"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:10:59"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:10:59"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:04"} -{"level":"info","message":"GET /32 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:04"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:04"} -{"level":"info","message":"GET /public-signup/32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:04"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:05"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:05"} -{"level":"info","message":"GET /hospital/255 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:07"} -{"level":"info","message":"GET /255 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:07"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:07"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:07"} -{"level":"info","message":"GET /hospital/255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:07"} -{"level":"info","message":"GET /hospital/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:07"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:07"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:07"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:07"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:07"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:07"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:07"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:08"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:08"} -{"level":"info","message":"GET /public-signup/32 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:08"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:08"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:08"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:08"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:08"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:11"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:13"} -{"level":"info","message":"POST /upload 200 - 236ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:44"} -{"level":"info","message":"GET /public-signup/32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:45"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:45"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:45"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:45"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:46"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:46"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:46"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:46"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:50"} -{"level":"info","message":"GET /hospital/255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:51"} -{"level":"info","message":"PUT /public-signup/32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:52"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:57"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:57"} -{"level":"info","message":"GET /public-signup/32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:57"} -{"level":"info","message":"GET /32 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:58"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:58"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:11:59"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:02"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:02"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:02"} -{"level":"info","message":"POST /get-access-token 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:02"} -{"level":"info","message":"GET /32 200 - 44ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:02"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:02"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:02"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:02"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:02"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:02"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:05"} -{"level":"info","message":"GET /public-signup/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:05"} -{"level":"info","message":"GET /public-signup/255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:05"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:05"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:07"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:08"} -{"level":"info","message":"GET /public-signup/255 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:08"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:08"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:08"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:08"} -{"level":"info","message":"GET /public-signup/255 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:08"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:08"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:08"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:08"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:08"} -{"level":"info","message":"PUT /public-signup/255 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:09"} -{"level":"info","message":"GET /255 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:11"} -{"level":"info","message":"GET /public-signup/255 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:11"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:11"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:11"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:11"} -{"level":"info","message":"GET /public-signup/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:11"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:11"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:11"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:11"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:11"} -{"level":"info","message":"GET /public-signup/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:13"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:13"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:13"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:13"} -{"level":"info","message":"GET /public-signup/255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:13"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:13"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:13"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:13"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:13"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:13"} -{"level":"info","message":"PUT /public-signup/255 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:14"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:18"} -{"level":"info","message":"GET /255 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:18"} -{"level":"info","message":"POST /login 200 - 139ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:37"} -{"level":"info","message":"POST /send-pin-otp 200 - 2754ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:49"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:12:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:03"} -{"level":"info","message":"GET /255 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:14"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:46"} -{"level":"info","message":"GET /users/active 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:46"} -{"level":"info","message":"POST /hospitals/active 200 - 98ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:46"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 284ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:55"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:55"} -{"level":"info","message":"POST /get-access-token 200 - 100ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:56"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:56"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:56"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:56"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:58"} -{"level":"info","message":"GET /32 200 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:58"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:58"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:58"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:58"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:58"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:58"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:58"} -{"level":"info","message":"GET /32 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:58"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:58"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:13:59"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:01"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:03"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:16"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:16"} -{"level":"info","message":"GET /colors 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:21"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:21"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:26"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:56"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:14:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:01"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:06"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:21"} -{"level":"info","message":"GET /appuser_status 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:26"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:28"} -{"level":"info","message":"GET /hospital/253 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:28"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:36"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:41"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:51"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:15:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:16:01"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:16:03"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:16:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:16:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:16:16"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:16:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:16:26"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:16:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:16:31"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:16:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:16:42"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:16:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:16:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:16:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:17:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:17:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:17:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:17:12"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:17:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:17:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:17:27"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:17:28"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:17:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:17:37"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:17:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:17:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:17:52"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:17:57"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:12"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:22"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:27"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:28"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:32"} -{"cpu":{"loadAvg":0.03,"usage":3.2063366820799644},"errors":{},"level":"info","memory":{"external":22336588,"heapTotal":88014848,"heapUsed":83128544,"rss":206807040},"message":"Application metrics","requests":{"byEndpoint":{"GET /":{"failed":0,"success":1,"total":1},"GET /229":{"failed":0,"success":71,"total":71},"GET /236":{"failed":0,"success":11,"total":11},"GET /246":{"failed":58,"success":537,"total":595},"GET /247":{"failed":0,"success":29,"total":29},"GET /253":{"failed":45,"success":555,"total":600},"GET /254":{"failed":29,"success":884,"total":913},"GET /255":{"failed":0,"success":623,"total":623},"GET /31":{"failed":0,"success":33,"total":33},"GET /32":{"failed":192,"success":814,"total":1006},"GET /833":{"failed":0,"success":2,"total":2},"GET /872":{"failed":0,"success":6,"total":6},"GET /882":{"failed":0,"success":3,"total":3},"GET /898":{"failed":1,"success":5,"total":6},"GET /902":{"failed":1,"success":4,"total":5},"GET /appuser_status":{"failed":3,"success":10,"total":13},"GET /chat-sessions":{"failed":6,"success":2,"total":8},"GET /colors":{"failed":140,"success":167,"total":307},"GET /get-forwarded-feedbacks":{"failed":0,"success":9,"total":9},"GET /hospital/229":{"failed":0,"success":3,"total":3},"GET /hospital/246":{"failed":1,"success":61,"total":62},"GET /hospital/247":{"failed":1,"success":0,"total":1},"GET /hospital/253":{"failed":6,"success":16,"total":22},"GET /hospital/255":{"failed":0,"success":15,"total":15},"GET /hospital/32":{"failed":4,"success":4,"total":8},"GET /hospital/received":{"failed":3,"success":4,"total":7},"GET /hospitals/onboarded":{"failed":0,"success":9,"total":9},"GET /list":{"failed":0,"success":68,"total":68},"GET /popular-topics":{"failed":0,"success":6,"total":6},"GET /public-signup/246":{"failed":0,"success":35,"total":35},"GET /public-signup/253":{"failed":0,"success":23,"total":23},"GET /public-signup/255":{"failed":0,"success":45,"total":45},"GET /public-signup/32":{"failed":7,"success":3,"total":10},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/125/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/26/6":{"failed":0,"success":4,"total":4},"GET /refresh-token/31/7":{"failed":0,"success":33,"total":33},"GET /refresh-token/833/7":{"failed":0,"success":2,"total":2},"GET /refresh-token/872/7":{"failed":0,"success":6,"total":6},"GET /refresh-token/882/7":{"failed":0,"success":3,"total":3},"GET /refresh-token/898/7":{"failed":0,"success":6,"total":6},"GET /refresh-token/9/6":{"failed":0,"success":3,"total":3},"GET /refresh-token/902/7":{"failed":0,"success":5,"total":5},"GET /users/active":{"failed":0,"success":3,"total":3},"POST /add":{"failed":0,"success":6,"total":6},"POST /add-user":{"failed":0,"success":11,"total":11},"POST /create-hospital":{"failed":1,"success":2,"total":3},"POST /get-access-token":{"failed":1,"success":56,"total":57},"POST /hospital-users/login":{"failed":15,"success":61,"total":76},"POST /hospitals/active":{"failed":0,"success":8,"total":8},"POST /initialize":{"failed":1,"success":0,"total":1},"POST /login":{"failed":8,"success":75,"total":83},"POST /refresh":{"failed":0,"success":5,"total":5},"POST /send-otp":{"failed":2,"success":9,"total":11},"POST /send-pin-otp":{"failed":0,"success":26,"total":26},"POST /upload":{"failed":4,"success":17,"total":21},"POST /upload-profile-photo":{"failed":0,"success":2,"total":2},"POST /verify-pin":{"failed":3,"success":6,"total":9},"PUT /change-pin":{"failed":1,"success":2,"total":3},"PUT /edit-user/882":{"failed":0,"success":5,"total":5},"PUT /edit-user/894":{"failed":0,"success":1,"total":1},"PUT /edit-user/902":{"failed":0,"success":2,"total":2},"PUT /public-signup/246":{"failed":0,"success":15,"total":15},"PUT /public-signup/253":{"failed":0,"success":10,"total":10},"PUT /public-signup/255":{"failed":0,"success":18,"total":18},"PUT /public-signup/32":{"failed":1,"success":0,"total":1},"PUT /update-password/898":{"failed":0,"success":1,"total":1},"PUT /update-password/902":{"failed":0,"success":1,"total":1},"PUT /update/253":{"failed":0,"success":4,"total":4},"PUT /update/254":{"failed":0,"success":1,"total":1},"PUT /update/255":{"failed":0,"success":1,"total":1}},"failed":534,"success":4472,"total":5006},"responseTime":{"avg":40.217738713543746,"max":4816,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-09T10:48:34.752Z"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:37"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:42"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:42"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:42"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:42"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:42"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:42"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:46"} -{"level":"info","message":"GET /public-signup/32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:46"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:47"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:52"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:18:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:02"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:07"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:17"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:17"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:17"} -{"level":"info","message":"POST /refresh 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:17"} -{"level":"info","message":"POST /login 200 - 133ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:17"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:18"} -{"level":"info","message":"POST /hospitals/active 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:18"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 278ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:22"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:27"} -{"level":"info","message":"POST /logout 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:27"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:28"} -{"level":"info","message":"POST /hospital-users/login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:31"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:32"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:32"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:32"} -{"level":"info","message":"POST /refresh 200 - 56ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:32"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:33"} -{"level":"info","message":"POST /hospitals/active 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:33"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 280ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:33"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:33"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:37"} -{"level":"info","message":"POST /create-hospital 201 - 2883ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:38"} -{"level":"info","message":"GET /list 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:38"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:39"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:39"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:39"} -{"level":"info","message":"POST /refresh 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:40"} -{"level":"info","message":"POST /login 200 - 146ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:40"} -{"level":"info","message":"POST /hospitals/active 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:40"} -{"level":"info","message":"GET /list 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:40"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 295ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:42"} -{"level":"info","message":"POST /create-hospital 201 - 3028ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:45"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:45"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:47"} -{"level":"info","message":"PUT /update/257 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:53"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:54"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:54"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:54"} -{"level":"info","message":"POST /refresh 200 - 103ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:54"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:55"} -{"level":"info","message":"POST /hospitals/active 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:55"} -{"level":"info","message":"GET /list 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:55"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 307ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:55"} -{"level":"info","message":"POST /create-hospital 201 - 2835ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:59"} -{"level":"info","message":"GET /list 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:19:59"} -{"level":"info","message":"DELETE /delete/258 200 - 186ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:07"} -{"level":"info","message":"POST /hospital-users/login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:09"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:09"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:09"} -{"level":"info","message":"POST /refresh 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:10"} -{"level":"info","message":"POST /login 200 - 174ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:10"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:10"} -{"level":"info","message":"POST /hospitals/active 200 - 98ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:10"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 294ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:11"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:11"} -{"level":"info","message":"POST /create-hospital 201 - 2644ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:15"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:15"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:19"} -{"level":"info","message":"GET /refresh-token/908/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:19"} -{"level":"info","message":"POST /get-access-token 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:19"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:19"} -{"level":"info","message":"GET /908 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:19"} -{"level":"info","message":"PUT /update-password/908 200 - 211ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:21"} -{"level":"info","message":"POST /add 201 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:21"} -{"level":"info","message":"POST /hospital-users/login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:24"} -{"level":"info","message":"GET /refresh-token/908/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:24"} -{"level":"info","message":"POST /get-access-token 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:24"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:24"} -{"level":"info","message":"GET /908 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:24"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:28"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:46"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:46"} -{"level":"info","message":"POST /get-access-token 200 - 104ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:46"} -{"level":"info","message":"POST /login 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:46"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:46"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:46"} -{"level":"info","message":"GET /colors 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:48"} -{"level":"info","message":"GET /32 200 - 46ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:49"} -{"level":"info","message":"GET /32 304 - 42ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:49"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:49"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:49"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:49"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:49"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:49"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:49"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:49"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:49"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:53"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:53"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:20:54"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:07"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:07"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:07"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:07"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:07"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:07"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:24"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:24"} -{"level":"info","message":"POST /get-access-token 200 - 142ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:24"} -{"level":"info","message":"POST /login 200 - 135ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:24"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:24"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:26"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:26"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:26"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:26"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:27"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:27"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:28"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:31"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:31"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:44"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:44"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:44"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:44"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:44"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:44"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:44"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:44"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:44"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:46"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:49"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:49"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:49"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:58"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:58"} -{"level":"info","message":"GET /hospital/253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:58"} -{"level":"info","message":"GET /colors 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:58"} -{"level":"info","message":"GET /hospital/253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:58"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:58"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:58"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:58"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:21:58"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:01"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:01"} -{"level":"info","message":"POST /get-access-token 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:01"} -{"level":"info","message":"POST /login 200 - 284ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:01"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:01"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:03"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:03"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:04"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:04"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:04"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:04"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:04"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:04"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:08"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:08"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:09"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:43"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:43"} -{"level":"info","message":"POST /get-access-token 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:43"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:43"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:43"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:45"} -{"level":"info","message":"GET /32 200 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:45"} -{"level":"info","message":"GET /32 304 - 42ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:45"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:45"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:45"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:45"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:45"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:45"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:46"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:50"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:50"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:50"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:22:59"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:03"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:03"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:03"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:03"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:03"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:03"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:03"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:03"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:08"} -{"level":"info","message":"GET /32 304 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:08"} -{"level":"info","message":"GET /32 304 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:08"} -{"level":"info","message":"PUT /edit-user/873 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:11"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:13"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:14"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:14"} -{"level":"info","message":"POST /get-access-token 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:14"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:14"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:14"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:16"} -{"level":"info","message":"GET /32 200 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:16"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:16"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:16"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:16"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:16"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:21"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:21"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:21"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:48"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:48"} -{"level":"info","message":"POST /get-access-token 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:48"} -{"level":"info","message":"POST /login 200 - 168ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:48"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:48"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:50"} -{"level":"info","message":"GET /32 200 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:50"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:50"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:51"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:51"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:51"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:51"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:51"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:51"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:55"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:55"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:56"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:23:59"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:08"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:08"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:08"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:08"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:08"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:08"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:08"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:08"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:08"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:13"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:13"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:13"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:21"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:21"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:21"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:21"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:21"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:23"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:23"} -{"level":"info","message":"POST /get-access-token 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:23"} -{"level":"info","message":"POST /login 200 - 131ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:24"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:24"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:26"} -{"level":"info","message":"GET /32 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:26"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:26"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:26"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:26"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:26"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:26"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:26"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:31"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:31"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:31"} -{"level":"info","message":"PUT /update/253 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:37"} -{"level":"info","message":"PUT /edit-user/882 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:37"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:37"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:43"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:43"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:44"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:44"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:44"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:44"} -{"level":"info","message":"GET /32 304 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:44"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:44"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:44"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:46"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:48"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:49"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:49"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:55"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:55"} -{"level":"info","message":"POST /get-access-token 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:56"} -{"level":"info","message":"POST /login 200 - 185ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:56"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:56"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:58"} -{"level":"info","message":"GET /32 200 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:58"} -{"level":"info","message":"GET /32 304 - 38ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:58"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:58"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:58"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:58"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:58"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:59"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:59"} -{"level":"info","message":"POST /get-access-token 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:59"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:59"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:24:59"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:01"} -{"level":"info","message":"GET /32 200 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:01"} -{"level":"info","message":"GET /32 304 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:01"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:01"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:01"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:01"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:01"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:01"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:01"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:01"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:01"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:03"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:03"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:03"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:06"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:06"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:06"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:16"} -{"level":"info","message":"GET /hospital/32 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:16"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:16"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:16"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:16"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:16"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:17"} -{"level":"info","message":"GET /public-signup/32 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:17"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:19"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:19"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:19"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:19"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:19"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:19"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:19"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:19"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:19"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:19"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:21"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:24"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:37"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:44"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:44"} -{"level":"info","message":"POST /get-access-token 200 - 95ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:44"} -{"level":"info","message":"POST /login 200 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:44"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:44"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:46"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:46"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:46"} -{"level":"info","message":"GET /32 304 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:47"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:47"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:47"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:47"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:47"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:47"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:47"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:47"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:47"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:51"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:51"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:52"} -{"level":"info","message":"GET /appuser_status 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:25:56"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:26:04"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:26:04"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:26:04"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:26:04"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:26:04"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:26:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:26:04"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:26:04"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:26:04"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:26:09"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:26:09"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:26:09"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:26:37"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:26:46"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:27:18"} -{"level":"info","message":"POST /login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:27:35"} -{"level":"info","message":"POST /login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:27:36"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:27:37"} -{"level":"info","message":"POST /login 200 - 171ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:27:44"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:27:46"} -{"level":"info","message":"POST /send-pin-otp 200 - 2223ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:28:03"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:28:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:28:24"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:28:37"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:28:46"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:29:22"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:29:38"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:29:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:30:32"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:30:32"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:30:32"} -{"level":"info","message":"POST /refresh 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:30:32"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:30:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:30:32"} -{"level":"info","message":"POST /hospitals/active 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:30:33"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 293ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:30:33"} -{"level":"info","message":"POST /logout 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:30:42"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:30:46"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:30:59"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:31:46"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:31:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:22"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:22"} -{"level":"info","message":"POST /get-access-token 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:22"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:22"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:22"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:25"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:25"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:25"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:25"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:25"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:25"} -{"level":"info","message":"GET /32 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:25"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:25"} -{"level":"info","message":"GET /32 304 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:25"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:25"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:25"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:30"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:30"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:43"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:43"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:43"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:43"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:46"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:48"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:32:59"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:33:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:33:48"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:33:59"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:34:22"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:34:46"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:34:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:35:04"} -{"level":"info","message":"POST /login 200 - 131ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:35:09"} -{"level":"info","message":"POST /send-pin-otp 200 - 2794ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:35:14"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:35:37"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:35:46"} -{"level":"info","message":"POST /send-pin-otp 200 - 2703ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:35:50"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:00"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:00"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:00"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:00"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:00"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:00"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:00"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:00"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:00"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:05"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:05"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:08"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:08"} -{"level":"info","message":"POST /get-access-token 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:08"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:08"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:08"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:10"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:10"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:10"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:10"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:10"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:10"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:10"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:10"} -{"level":"info","message":"GET /32 304 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:10"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:10"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:10"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:28"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:28"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:28"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:28"} -{"level":"info","message":"PUT /update/32 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:29"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:29"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:29"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:38"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:38"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:38"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:38"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:38"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:38"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:38"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:38"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:43"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:43"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:36:46"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:37:38"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:37:46"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:38:38"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:38:46"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:39:39"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:39:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:16"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:16"} -{"level":"info","message":"POST /get-access-token 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:16"} -{"level":"info","message":"POST /login 200 - 322ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:16"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:21"} -{"level":"info","message":"POST /hospital-users/login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:36"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:36"} -{"level":"info","message":"POST /get-access-token 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:36"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:36"} -{"level":"info","message":"GET /31 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:36"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:39"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:39"} -{"level":"info","message":"GET /32 200 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:39"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:39"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:39"} -{"level":"info","message":"GET /32 304 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:39"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:39"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:44"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:44"} -{"level":"info","message":"GET /32 304 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:44"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:46"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:48"} -{"level":"info","message":"GET /public-signup/32 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:48"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:48"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:50"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:50"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:40:55"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:14"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:14"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:14"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:15"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:15"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:15"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:15"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:20"} -{"level":"info","message":"PUT /update/32 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:21"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:21"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:21"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:23"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:23"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:23"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:23"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:23"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:23"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:23"} -{"level":"info","message":"GET /hospital/32 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:23"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:35"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:39"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:39"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:41:46"} -{"level":"info","message":"GET /owa/auth/x.js 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:42:20"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:42:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:42:40"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:42:46"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:43:23"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:43:41"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:43:46"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:44:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:44:32"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:44:42"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:44:46"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:45:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:45:43"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:45:46"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:46:23"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:46:39"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:46:44"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:46:46"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:47:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:47:45"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:47:46"} -{"level":"info","message":"POST /login 200 - 124ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:48:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:48:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:48:46"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:48:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:17"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:17"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:17"} -{"level":"info","message":"POST /refresh 200 - 89ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:17"} -{"level":"info","message":"POST /login 200 - 229ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:18"} -{"level":"info","message":"POST /hospitals/active 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:18"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 290ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:18"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:23"} -{"level":"info","message":"POST /logout 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:27"} -{"level":"info","message":"POST /hospital-users/login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:30"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:32"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:32"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:32"} -{"level":"info","message":"POST /refresh 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:32"} -{"level":"info","message":"POST /login 200 - 146ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:32"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:33"} -{"level":"info","message":"POST /hospitals/active 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:33"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:33"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 277ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:33"} -{"level":"info","message":"POST /create-hospital 201 - 2424ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:37"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:37"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:38"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:38"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:38"} -{"level":"info","message":"POST /refresh 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:38"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:38"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:39"} -{"level":"info","message":"POST /hospitals/active 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:39"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:39"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 294ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:39"} -{"level":"info","message":"POST /create-hospital 201 - 3372ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:44"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:44"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:47"} -{"level":"info","message":"PUT /update/261 200 - 125ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:52"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:53"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:53"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:53"} -{"level":"info","message":"POST /refresh 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:53"} -{"level":"info","message":"POST /login 200 - 167ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:54"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:54"} -{"level":"info","message":"POST /hospitals/active 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:54"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:54"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 291ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:55"} -{"level":"info","message":"POST /create-hospital 201 - 2728ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:59"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:49:59"} -{"level":"info","message":"DELETE /delete/262 200 - 287ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:06"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:08"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:08"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:08"} -{"level":"info","message":"POST /refresh 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:08"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:08"} -{"level":"info","message":"GET /list 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:09"} -{"level":"info","message":"POST /hospitals/active 200 - 135ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:09"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 327ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:09"} -{"level":"info","message":"POST /create-hospital 201 - 2750ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:13"} -{"level":"info","message":"GET /list 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:13"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:16"} -{"level":"info","message":"GET /refresh-token/912/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:16"} -{"level":"info","message":"POST /get-access-token 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:16"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:16"} -{"level":"info","message":"GET /912 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:16"} -{"level":"info","message":"PUT /update-password/912 200 - 199ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:19"} -{"level":"info","message":"POST /add 201 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:19"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:21"} -{"level":"info","message":"GET /refresh-token/912/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:21"} -{"level":"info","message":"POST /get-access-token 200 - 173ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:21"} -{"level":"info","message":"POST /login 200 - 153ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:22"} -{"level":"info","message":"GET /912 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:22"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:23"} -{"level":"info","message":"GET /appuser_status 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:27"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:35"} -{"level":"info","message":"POST /hospital-users/login 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:38"} -{"level":"info","message":"POST /send-pin-otp 200 - 2485ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:41"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:44"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:44"} -{"level":"info","message":"POST /get-access-token 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:44"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:44"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:44"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:45"} -{"level":"info","message":"GET /refresh-token/26/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:45"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:45"} -{"level":"info","message":"POST /refresh 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:45"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:45"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:46"} -{"level":"info","message":"GET /colors 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:46"} -{"level":"info","message":"POST /hospitals/active 200 - 119ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:46"} -{"level":"info","message":"GET /32 200 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:46"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:46"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:46"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:46"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:46"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:46"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 328ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:46"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:46"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:46"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:46"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:46"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:48"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:48"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:51"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:51"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:50:51"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:05"} -{"level":"info","message":"GET /32 304 - 43ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:05"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:05"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:05"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:05"} -{"level":"info","message":"POST /send-temp-password 500 - 2369ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:10"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:10"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:10"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:22"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:22"} -{"level":"info","message":"POST /get-access-token 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:22"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:22"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:22"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:23"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:24"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:24"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:24"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:24"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:29"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:29"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:29"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:39"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:42"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:42"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:42"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:42"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:42"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:42"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:42"} -{"level":"info","message":"GET /32 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:42"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:47"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:47"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:47"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:49"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:51"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:51"} -{"level":"info","message":"POST /get-access-token 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:51"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:51"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:51"} -{"level":"info","message":"GET /colors 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:54"} -{"level":"info","message":"GET /32 200 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:54"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:54"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:54"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:54"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:54"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:54"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:54"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:54"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:54"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:54"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:59"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:59"} -{"level":"info","message":"POST /get-access-token 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:59"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:59"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:51:59"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:02"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:02"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:02"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:02"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:02"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:02"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:02"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:02"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:02"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:02"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:02"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:07"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:07"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:11"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:12"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:12"} -{"level":"info","message":"PUT /update/32 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:13"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:16"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:23"} -{"level":"info","message":"POST /send-pin-otp 200 - 2522ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:36"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:41"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:41"} -{"level":"info","message":"POST /get-access-token 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:41"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:41"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:41"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:43"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:43"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:43"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:43"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:44"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:44"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:44"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:44"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:44"} -{"level":"info","message":"Received shutdown signal","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:48"} -{"level":"info","message":"Server is running on http://localhost:3000","service":"spurrinai-backend","timestamp":"2025-06-09 16:52:51"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:01"} -{"level":"info","message":"GET /32 200 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:01"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:01"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:01"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:01"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:01"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:01"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:01"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:01"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:06"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:06"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:06"} -{"level":"info","message":"PUT /edit-user/873 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:10"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:12"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:12"} -{"level":"info","message":"POST /get-access-token 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:12"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:12"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:12"} -{"level":"info","message":"GET /colors 200 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:15"} -{"level":"info","message":"GET /32 200 - 113ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:15"} -{"level":"info","message":"GET /32 304 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:15"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:15"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:20"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:20"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:20"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:23"} -{"level":"info","message":"POST /send-temp-password 200 - 3487ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:33"} -{"level":"info","message":"POST /hospital-users/login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:47"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:47"} -{"level":"info","message":"POST /get-access-token 200 - 116ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:47"} -{"level":"info","message":"POST /login 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:47"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:47"} -{"level":"info","message":"GET /colors 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:49"} -{"level":"info","message":"GET /32 200 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:49"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:49"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:49"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:49"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:49"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:49"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:49"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:49"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:49"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:49"} -{"level":"info","message":"GET /253 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:51"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:54"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:53:54"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:07"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:07"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:07"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:07"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:07"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:07"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:07"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:22"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:22"} -{"level":"info","message":"POST /get-access-token 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:22"} -{"level":"info","message":"POST /login 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:23"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:23"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:23"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:25"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:25"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:25"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:25"} -{"level":"info","message":"GET /32 304 - 52ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:25"} -{"level":"info","message":"GET /32 304 - 47ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:25"} -{"level":"info","message":"GET /32 304 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:25"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:25"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:25"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:25"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:25"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:30"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:30"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:30"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:43"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:43"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:43"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:43"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:43"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:43"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:48"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:48"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:48"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:52"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:58"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:58"} -{"level":"info","message":"POST /get-access-token 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:58"} -{"level":"info","message":"POST /login 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:58"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:54:58"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:01"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:01"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:01"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:01"} -{"level":"info","message":"GET /32 304 - 46ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:01"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:01"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:01"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:01"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:01"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:01"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:01"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:06"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:06"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:11"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:18"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:18"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:18"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:18"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:18"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:18"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:18"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:18"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:18"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:21"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:23"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:23"} -{"level":"info","message":"GET /32 304 - 53ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:23"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:26"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:31"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:50"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:50"} -{"level":"info","message":"POST /get-access-token 200 - 113ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:50"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:50"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:50"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:51"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:52"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:52"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:53"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:53"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:53"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:53"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:53"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:53"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:53"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:53"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:53"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:53"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:56"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:57"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:57"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:55:58"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:01"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:06"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:10"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:10"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:10"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:10"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:10"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:10"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:10"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:10"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:10"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:11"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:15"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:15"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:16"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:21"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:39"} -{"level":"info","message":"GET /appuser_status 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:42"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:56:54"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:57:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:57:55"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:58:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:58:56"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:59:23"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 16:59:57"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:00:23"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:00:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:23"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:31"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:31"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:31"} -{"level":"info","message":"POST /refresh 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:31"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:31"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:32"} -{"level":"info","message":"GET /list 200 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:32"} -{"level":"info","message":"POST /hospitals/active 200 - 137ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:32"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 317ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:32"} -{"level":"info","message":"POST /create-hospital 201 - 2846ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:36"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:36"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:39"} -{"level":"info","message":"GET /refresh-token/913/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:39"} -{"level":"info","message":"POST /get-access-token 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:39"} -{"level":"info","message":"POST /login 200 - 168ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:40"} -{"level":"info","message":"GET /913 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:40"} -{"level":"info","message":"PUT /update-password/913 200 - 194ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:42"} -{"level":"info","message":"POST /add 201 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:42"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:44"} -{"level":"info","message":"GET /refresh-token/913/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:44"} -{"level":"info","message":"POST /get-access-token 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:45"} -{"level":"info","message":"POST /login 200 - 137ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:45"} -{"level":"info","message":"GET /913 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:45"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:59"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:01:59"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:02:23"} -{"level":"info","message":"GET /253 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:02:59"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:23"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:27"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:27"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:27"} -{"level":"info","message":"POST /refresh 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:27"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:27"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:28"} -{"level":"info","message":"POST /hospitals/active 200 - 101ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:28"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:28"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 280ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:28"} -{"level":"info","message":"POST /create-hospital 201 - 2859ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:32"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:32"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:35"} -{"level":"info","message":"GET /refresh-token/914/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:35"} -{"level":"info","message":"POST /get-access-token 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:35"} -{"level":"info","message":"POST /login 200 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:35"} -{"level":"info","message":"GET /914 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:35"} -{"level":"info","message":"PUT /update-password/914 200 - 224ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:38"} -{"level":"info","message":"POST /add 201 - 92ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:38"} -{"level":"info","message":"POST /upload-profile-photo 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:38"} -{"level":"info","message":"POST /add 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:38"} -{"level":"info","message":"PUT /update/265 200 - 345ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:39"} -{"level":"info","message":"POST /add 200 - 288ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:39"} -{"level":"info","message":"GET /265 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:44"} -{"level":"info","message":"GET /265 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:44"} -{"level":"info","message":"GET /265 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:44"} -{"level":"info","message":"GET /265 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:44"} -{"level":"info","message":"GET /265 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:44"} -{"level":"info","message":"GET /265 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:44"} -{"level":"info","message":"GET /265 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:44"} -{"level":"info","message":"GET /265 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:44"} -{"level":"info","message":"GET /265 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:44"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:47"} -{"level":"info","message":"GET /refresh-token/914/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:47"} -{"level":"info","message":"POST /get-access-token 200 - 98ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:47"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:47"} -{"level":"info","message":"GET /914 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:47"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:49"} -{"level":"info","message":"GET /265 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:49"} -{"level":"info","message":"GET /265 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:49"} -{"level":"info","message":"GET /265 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:49"} -{"level":"info","message":"GET /265 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:49"} -{"level":"info","message":"GET /265 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:49"} -{"level":"info","message":"GET /265 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:49"} -{"level":"info","message":"GET /265 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:49"} -{"level":"info","message":"GET /265 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:49"} -{"level":"info","message":"GET /265 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:49"} -{"level":"info","message":"GET /265 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:49"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:03:59"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:04:23"} -{"level":"info","message":"GET /253 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:04:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:02"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:02"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:02"} -{"level":"info","message":"POST /refresh 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:02"} -{"level":"info","message":"POST /login 200 - 159ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:03"} -{"level":"info","message":"POST /hospitals/active 200 - 98ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:03"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 282ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:03"} -{"level":"info","message":"POST /logout 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:12"} -{"level":"info","message":"POST /hospital-users/login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:15"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:17"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:17"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:17"} -{"level":"info","message":"POST /refresh 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:17"} -{"level":"info","message":"POST /login 200 - 150ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:17"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:18"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:18"} -{"level":"info","message":"POST /hospitals/active 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:18"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 272ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:18"} -{"level":"info","message":"POST /create-hospital 201 - 2555ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:22"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:22"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:23"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:24"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:24"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:24"} -{"level":"info","message":"POST /refresh 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:24"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:24"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:25"} -{"level":"info","message":"POST /hospitals/active 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:25"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:25"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 281ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:25"} -{"level":"info","message":"POST /create-hospital 201 - 2801ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:33"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:33"} -{"level":"info","message":"PUT /update/267 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:47"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:48"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:48"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:48"} -{"level":"info","message":"POST /refresh 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:48"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:48"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:49"} -{"level":"info","message":"POST /hospitals/active 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:49"} -{"level":"info","message":"GET /list 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:49"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 283ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:49"} -{"level":"info","message":"POST /create-hospital 201 - 2681ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:54"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:54"} -{"level":"info","message":"GET /253 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:05:59"} -{"level":"info","message":"DELETE /delete/268 200 - 153ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:01"} -{"level":"info","message":"POST /hospital-users/login 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:03"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:03"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:03"} -{"level":"info","message":"POST /refresh 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:03"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:03"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:03"} -{"level":"info","message":"GET /list 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:04"} -{"level":"info","message":"POST /hospitals/active 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:04"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 295ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:04"} -{"level":"info","message":"POST /create-hospital 201 - 2727ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:08"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:08"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:11"} -{"level":"info","message":"GET /refresh-token/918/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:11"} -{"level":"info","message":"POST /get-access-token 200 - 57ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:11"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:11"} -{"level":"info","message":"GET /918 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:11"} -{"level":"info","message":"PUT /update-password/918 200 - 195ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:13"} -{"level":"info","message":"POST /add 201 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:14"} -{"level":"info","message":"POST /upload-profile-photo 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:14"} -{"level":"info","message":"POST /add 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:14"} -{"level":"info","message":"PUT /update/269 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:14"} -{"level":"info","message":"POST /add 200 - 179ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:14"} -{"level":"info","message":"GET /269 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:19"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:19"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:19"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:19"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:19"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:19"} -{"level":"info","message":"GET /269 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:19"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:19"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:19"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:20"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:20"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:20"} -{"level":"info","message":"POST /refresh 200 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:20"} -{"level":"info","message":"POST /login 200 - 167ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:20"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:21"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:21"} -{"level":"info","message":"POST /hospitals/active 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:21"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 273ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:21"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 215ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:21"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:22"} -{"level":"info","message":"GET /refresh-token/918/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:22"} -{"level":"info","message":"POST /get-access-token 200 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:22"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:22"} -{"level":"info","message":"GET /918 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:22"} -{"level":"info","message":"GET /list 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:22"} -{"level":"info","message":"GET /list 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:22"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:23"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:24"} -{"level":"info","message":"GET /269 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:24"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:24"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:24"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:24"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:24"} -{"level":"info","message":"GET /269 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:24"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:24"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:24"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:24"} -{"level":"info","message":"GET /269 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:24"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:26"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:26"} -{"level":"info","message":"POST /get-access-token 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:26"} -{"level":"info","message":"POST /login 200 - 149ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:27"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:27"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:28"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:29"} -{"level":"info","message":"GET /32 200 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:29"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:29"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:29"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:29"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:29"} -{"level":"info","message":"GET /32 304 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:29"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:29"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:29"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:29"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:29"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:34"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:34"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:34"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:47"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:47"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:47"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:47"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:47"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:47"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:47"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:47"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:47"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:52"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:52"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:52"} -{"level":"info","message":"POST /login 200 - 258ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:57"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:59"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:06:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:04"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:04"} -{"level":"info","message":"POST /get-access-token 200 - 57ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:04"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:04"} -{"level":"info","message":"GET /31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:04"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:06"} -{"level":"info","message":"GET /32 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:06"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:06"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:06"} -{"level":"info","message":"GET /32 304 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:06"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:06"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:06"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:06"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:06"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:06"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:06"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:11"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:11"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:23"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:24"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:24"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:24"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:29"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:29"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:29"} -{"level":"info","message":"GET /appuser_status 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:32"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:41"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:41"} -{"level":"info","message":"POST /get-access-token 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:41"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:41"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:41"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:43"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:43"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:43"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:43"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:43"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:43"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:43"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:43"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:43"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:48"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:48"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:48"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:53"} -{"level":"info","message":"GET /253 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:07:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:23"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:23"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:23"} -{"level":"info","message":"POST /get-access-token 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:23"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:23"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:23"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:26"} -{"level":"info","message":"GET /32 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:26"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:26"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:26"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:26"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:26"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:26"} -{"level":"info","message":"GET /32 304 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:26"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:26"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:30"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:30"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:31"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:45"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:45"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:45"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:45"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:45"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:45"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:50"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:50"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:50"} -{"level":"info","message":"PUT /edit-user/873 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:57"} -{"level":"info","message":"GET /253 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:59"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:08:59"} -{"level":"info","message":"POST /get-access-token 200 - 126ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:00"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:00"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:00"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:02"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:02"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:02"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:02"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:02"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:02"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:02"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:02"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:02"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:02"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:02"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:07"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:23"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:34"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:34"} -{"level":"info","message":"POST /get-access-token 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:34"} -{"level":"info","message":"POST /login 200 - 139ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:34"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:34"} -{"level":"info","message":"GET /colors 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:36"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:36"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:36"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:36"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:36"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:36"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:36"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:36"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:36"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:37"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:37"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:41"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:41"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:41"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:54"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:54"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:54"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:55"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:55"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:55"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:55"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:55"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:55"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:59"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:09:59"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:00"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:10"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:10"} -{"level":"info","message":"POST /get-access-token 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:10"} -{"level":"info","message":"POST /login 200 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:10"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:10"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:12"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:12"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:12"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:12"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:12"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:12"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:13"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:13"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:13"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:13"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:17"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:17"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:18"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:23"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:30"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:30"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:30"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:30"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:30"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:30"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:30"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:30"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:35"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:35"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:35"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:45"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:45"} -{"level":"info","message":"POST /get-access-token 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:45"} -{"level":"info","message":"POST /login 200 - 140ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:45"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:45"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:47"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:47"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:47"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:47"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:47"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:47"} -{"level":"info","message":"GET /32 304 - 43ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:47"} -{"level":"info","message":"GET /32 304 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:48"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:48"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:48"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:48"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:52"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:52"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:10:52"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:05"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:05"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:05"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:05"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:10"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:10"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:10"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:23"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:28"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:28"} -{"level":"info","message":"POST /get-access-token 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:28"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:28"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:28"} -{"level":"info","message":"GET /colors 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:30"} -{"level":"info","message":"GET /32 200 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:30"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:30"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:30"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:30"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:30"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:30"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:30"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:30"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:30"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:30"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:35"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:35"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:35"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:49"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:49"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:49"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:49"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:49"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:49"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:49"} -{"level":"info","message":"GET /32 304 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:49"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:49"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:54"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:11:54"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:12:23"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:13:23"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:14:23"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:15:23"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:16:23"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:17:23"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:18:23"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:19:23"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:02"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:02"} -{"level":"info","message":"POST /get-access-token 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:02"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:02"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:02"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:05"} -{"level":"info","message":"GET /32 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:05"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:05"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:05"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:05"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:05"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:05"} -{"level":"info","message":"GET /32 304 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:05"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:05"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:05"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:05"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:10"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:10"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:10"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:23"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:23"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:23"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:23"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:23"} -{"level":"info","message":"PUT /update/32 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:24"} -{"level":"info","message":"PUT /edit-user/31 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:24"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:24"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:32"} -{"level":"info","message":"GET /hospital/32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:32"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:32"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:32"} -{"level":"info","message":"GET /hospital/32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:32"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:32"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:32"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:32"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:32"} -{"level":"info","message":"GET /public-signup/32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:37"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:37"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:37"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:20:37"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:21:37"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:22:37"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:23:37"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:24:37"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:25:37"} -{"level":"info","message":"GET /appuser_status 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:25:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:26:37"} -{"level":"info","message":"POST /login 200 - 149ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:27:31"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:27:37"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:27:58"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:27:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:27:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:27:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:28:03"} -{"level":"info","message":"POST /verify-pin 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:28:21"} -{"level":"info","message":"GET /chat-sessions 404 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:28:21"} -{"level":"info","message":"GET /popular-topics 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:28:22"} -{"level":"info","message":"POST /send-pin-otp 200 - 3171ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:28:23"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:28:59"} -{"level":"info","message":"POST /login 401 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:23"} -{"level":"info","message":"POST /login 200 - 142ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:29"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:29"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:29"} -{"level":"info","message":"POST /get-access-token 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:29"} -{"level":"info","message":"POST /login 200 - 203ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:30"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:30"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:32"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:32"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:32"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:32"} -{"level":"info","message":"GET /32 304 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:32"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:32"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:32"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:32"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:32"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:32"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:32"} -{"level":"info","message":"POST /send-pin-otp 200 - 2440ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:37"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:37"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:37"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:50"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:50"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:50"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:29:59"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:30:59"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:31:59"} -{"level":"info","message":"POST /send-pin-otp 200 - 2691ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:32:41"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:32:59"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:32:59"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:33:59"} -{"level":"info","message":"POST /send-pin-otp 200 - 2637ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:34:36"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:34:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:45"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:45"} -{"level":"info","message":"POST /get-access-token 200 - 132ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:45"} -{"level":"info","message":"POST /login 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:45"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:45"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:48"} -{"level":"info","message":"GET /32 200 - 43ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:48"} -{"level":"info","message":"GET /32 304 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:48"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:48"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:48"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:48"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:48"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:48"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:48"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:48"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:48"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:53"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:53"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:53"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:35:59"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:36:05"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:36:05"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:36:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:36:06"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:36:59"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:37:59"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:37:59"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:38:59"} -{"level":"info","message":"GET /32 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:39:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:56"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:57"} -{"level":"info","message":"POST /get-access-token 200 - 163ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:57"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:57"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:57"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:59"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:59"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:59"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:59"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:59"} -{"level":"info","message":"GET /32 304 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:59"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:59"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:59"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:59"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:40:59"} -{"level":"info","message":"POST /send-pin-otp 200 - 2771ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:01"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:04"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:04"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:04"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:17"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:17"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:17"} -{"level":"info","message":"POST /upload-profile-photo 200 - 102ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:17"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:17"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:17"} -{"level":"info","message":"GET /colors 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:17"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:17"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:17"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:17"} -{"level":"info","message":"GET /32 304 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:18"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:18"} -{"level":"info","message":"PUT /update/32 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:18"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:18"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:18"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:25"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:25"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:25"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:25"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:25"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:25"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:25"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:25"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:28"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:28"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:29"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:29"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:29"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:29"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:29"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:29"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:34"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:34"} -{"level":"info","message":"GET /public-signup/32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:44"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:44"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:44"} -{"level":"info","message":"GET /public-signup/32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:49"} -{"level":"info","message":"GET /32 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:49"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:49"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:49"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:49"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:49"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:49"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:49"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:54"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:59"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:59"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:41:59"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:04"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:05"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:05"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:10"} -{"level":"info","message":"GET /32 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:10"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:35"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:35"} -{"level":"info","message":"POST /get-access-token 200 - 98ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:35"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:35"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:35"} -{"level":"info","message":"GET /colors 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:37"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:37"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:37"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:37"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:37"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:37"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:37"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:37"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:37"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:42"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:42"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:42"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:55"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:55"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:55"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:55"} -{"level":"info","message":"POST /upload-profile-photo 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:55"} -{"level":"info","message":"GET /32 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:55"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:56"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:56"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:56"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:56"} -{"level":"info","message":"GET /colors 304 - 42ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:56"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:56"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:56"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:42:56"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:43:05"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:05"} -{"level":"info","message":"GET /appuser_status 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:28"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:32"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:32"} -{"level":"info","message":"POST /get-access-token 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:32"} -{"level":"info","message":"POST /login 200 - 153ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:32"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:32"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:35"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:35"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:35"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:35"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:35"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:35"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:35"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:35"} -{"level":"info","message":"GET /32 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:35"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:35"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:35"} -{"level":"info","message":"POST /send-pin-otp 200 - 2620ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:36"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:39"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:40"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:52"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:52"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:52"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:52"} -{"level":"info","message":"POST /upload-profile-photo 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:53"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:53"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:53"} -{"level":"info","message":"GET /colors 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:53"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:53"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:53"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:53"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:53"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:53"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:44:53"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:45:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:46:05"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:47:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:47:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:48:05"} -{"level":"info","message":"POST /send-pin-otp 200 - 2459ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:48:12"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:05"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:27"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:27"} -{"level":"info","message":"POST /get-access-token 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:27"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:27"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:27"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:29"} -{"level":"info","message":"GET /32 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:29"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:29"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:29"} -{"level":"info","message":"GET /32 304 - 49ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:29"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:29"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:30"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:30"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:30"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:34"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:34"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:34"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:47"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:47"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:47"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:47"} -{"level":"info","message":"POST /upload-profile-photo 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:47"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:47"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:47"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:47"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:47"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:47"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:48"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:49:48"} -{"level":"info","message":"GET / 200 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:50:03"} -{"level":"info","message":"GET /32 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:50:05"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:05"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:54"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:54"} -{"level":"info","message":"POST /get-access-token 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:54"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:54"} -{"level":"info","message":"GET /31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:54"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:57"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:57"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:57"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:57"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:57"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:57"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:57"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:57"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:57"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:57"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:51:57"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:02"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:02"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:05"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:15"} -{"level":"info","message":"GET /colors 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:15"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:15"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:15"} -{"level":"info","message":"POST /upload-profile-photo 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:15"} -{"level":"info","message":"GET /32 200 - 57ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:15"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:15"} -{"level":"info","message":"GET /colors 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:15"} -{"level":"info","message":"PUT /update/32 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:16"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:16"} -{"level":"info","message":"GET /32 304 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:16"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:30"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:30"} -{"level":"info","message":"POST /get-access-token 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:30"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:30"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:30"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:32"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:32"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:32"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:32"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:32"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:32"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:32"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:32"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:32"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:32"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:32"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:37"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:37"} -{"cpu":{"loadAvg":0.04,"usage":3.1952777109276838},"errors":{},"level":"info","memory":{"external":22995924,"heapTotal":90112000,"heapUsed":83201600,"rss":192344064},"message":"Application metrics","requests":{"byEndpoint":{"DELETE /delete/268":{"failed":0,"success":1,"total":1},"GET /":{"failed":0,"success":1,"total":1},"GET /253":{"failed":0,"success":19,"total":19},"GET /265":{"failed":0,"success":19,"total":19},"GET /269":{"failed":0,"success":19,"total":19},"GET /31":{"failed":0,"success":23,"total":23},"GET /32":{"failed":110,"success":496,"total":606},"GET /913":{"failed":1,"success":1,"total":2},"GET /914":{"failed":1,"success":1,"total":2},"GET /918":{"failed":1,"success":1,"total":2},"GET /appuser_status":{"failed":0,"success":4,"total":4},"GET /chat-sessions":{"failed":1,"success":0,"total":1},"GET /colors":{"failed":29,"success":55,"total":84},"GET /get-forwarded-feedbacks":{"failed":0,"success":9,"total":9},"GET /hospital/32":{"failed":2,"success":0,"total":2},"GET /hospitals/onboarded":{"failed":0,"success":9,"total":9},"GET /list":{"failed":0,"success":14,"total":14},"GET /popular-topics":{"failed":0,"success":1,"total":1},"GET /public-signup/32":{"failed":3,"success":0,"total":3},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/31/7":{"failed":0,"success":23,"total":23},"GET /refresh-token/9/6":{"failed":0,"success":14,"total":14},"GET /refresh-token/913/7":{"failed":0,"success":2,"total":2},"GET /refresh-token/914/7":{"failed":0,"success":2,"total":2},"GET /refresh-token/918/7":{"failed":0,"success":2,"total":2},"POST /add":{"failed":0,"success":7,"total":7},"POST /create-hospital":{"failed":0,"success":6,"total":6},"POST /get-access-token":{"failed":0,"success":29,"total":29},"POST /hospital-users/login":{"failed":1,"success":37,"total":38},"POST /hospitals/active":{"failed":0,"success":8,"total":8},"POST /login":{"failed":1,"success":40,"total":41},"POST /logout":{"failed":0,"success":1,"total":1},"POST /refresh":{"failed":0,"success":8,"total":8},"POST /send-pin-otp":{"failed":0,"success":7,"total":7},"POST /send-temp-password":{"failed":0,"success":1,"total":1},"POST /upload-profile-photo":{"failed":0,"success":7,"total":7},"POST /verify-pin":{"failed":0,"success":1,"total":1},"PUT /edit-user/31":{"failed":0,"success":3,"total":3},"PUT /edit-user/873":{"failed":0,"success":2,"total":2},"PUT /update-password/913":{"failed":0,"success":1,"total":1},"PUT /update-password/914":{"failed":0,"success":1,"total":1},"PUT /update-password/918":{"failed":0,"success":1,"total":1},"PUT /update/265":{"failed":0,"success":1,"total":1},"PUT /update/267":{"failed":0,"success":1,"total":1},"PUT /update/269":{"failed":0,"success":1,"total":1},"PUT /update/32":{"failed":0,"success":3,"total":3}},"failed":150,"success":884,"total":1034},"responseTime":{"avg":61.688588007736946,"max":3487,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-09T12:22:49.424Z"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:50"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:50"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:50"} -{"level":"info","message":"POST /upload-profile-photo 200 - 84ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:50"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:50"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:51"} -{"level":"info","message":"GET /colors 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:51"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:51"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:51"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:51"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:51"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:51"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:51"} -{"level":"info","message":"PUT /update/32 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:51"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:51"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:52:51"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:05"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:20"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:20"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:20"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:20"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:20"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:20"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:23"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:23"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:23"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:23"} -{"level":"info","message":"POST /get-access-token 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:23"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:23"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:23"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:23"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:23"} -{"level":"info","message":"GET /32 304 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:23"} -{"level":"info","message":"GET /32 304 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:23"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:25"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:25"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:25"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:25"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:26"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:26"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:30"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:51"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:51"} -{"level":"info","message":"POST /get-access-token 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:51"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:51"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:51"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:53"} -{"level":"info","message":"GET /32 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:53"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:54"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:54"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:54"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:58"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:53:59"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:11"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:11"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:11"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:11"} -{"level":"info","message":"POST /upload-profile-photo 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:11"} -{"level":"info","message":"GET /32 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:11"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:12"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:12"} -{"level":"info","message":"GET /colors 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:12"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:12"} -{"level":"info","message":"PUT /update/32 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:12"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:12"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:18"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:18"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:18"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:18"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:18"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:18"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:18"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:21"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:21"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:21"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:21"} -{"level":"info","message":"GET /32 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:21"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:21"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:23"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:23"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:23"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:23"} -{"level":"info","message":"POST /get-access-token 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:23"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:23"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:23"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:23"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:23"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:23"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:23"} -{"level":"info","message":"GET /hospital/32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:24"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:24"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:24"} -{"level":"info","message":"GET /hospital/32 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:24"} -{"level":"info","message":"GET /hospital/32 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:27"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:33"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:33"} -{"level":"info","message":"POST /get-access-token 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:33"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:33"} -{"level":"info","message":"GET /31 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:33"} -{"level":"info","message":"GET /colors 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:36"} -{"level":"info","message":"GET /32 200 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:36"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:36"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:36"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:36"} -{"level":"info","message":"GET /32 304 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:36"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:36"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:36"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:36"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:36"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:36"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:36"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:42"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:42"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:42"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:50"} -{"level":"info","message":"GET /colors 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:50"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:50"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:50"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:50"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:50"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:50"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:50"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:50"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:52"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:52"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:52"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:52"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:55"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:57"} -{"level":"info","message":"PUT /update/32 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:59"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:59"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:54:59"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:02"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:02"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:02"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:02"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:02"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:02"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:02"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:02"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:02"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:07"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:07"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:08"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:08"} -{"level":"info","message":"POST /get-access-token 200 - 120ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:08"} -{"level":"info","message":"POST /login 200 - 166ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:08"} -{"level":"info","message":"GET /31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:08"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:11"} -{"level":"info","message":"GET /32 200 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:11"} -{"level":"info","message":"GET /32 304 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:11"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:11"} -{"level":"info","message":"GET /32 304 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:11"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:11"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:11"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:11"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:11"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:16"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:28"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:28"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:28"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:28"} -{"level":"info","message":"POST /upload-profile-photo 200 - 105ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:29"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:29"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:29"} -{"level":"info","message":"GET /colors 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:29"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:29"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:29"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:29"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:29"} -{"level":"info","message":"GET /32 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:29"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:29"} -{"level":"info","message":"PUT /update/32 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:29"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:29"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:30"} -{"level":"info","message":"GET /colors 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:41"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:41"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:41"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:41"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:41"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:41"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:41"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:41"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:43"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:43"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:43"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:43"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:43"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:43"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:44"} -{"level":"info","message":"GET /hospital/32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:44"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:44"} -{"level":"info","message":"GET /public-signup/32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:45"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:45"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:45"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:46"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:46"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:46"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:46"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:46"} -{"level":"info","message":"PUT /update/32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:50"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:51"} -{"level":"info","message":"PUT /update/32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:54"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:58"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:58"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:58"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:55:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:01"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:01"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:01"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:01"} -{"level":"info","message":"POST /get-access-token 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:01"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:01"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:01"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:01"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:01"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:01"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:01"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:02"} -{"level":"info","message":"GET /hospital/32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:02"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:02"} -{"level":"info","message":"GET /hospital/32 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:02"} -{"level":"info","message":"GET /hospital/32 403 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:03"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:08"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:08"} -{"level":"info","message":"POST /get-access-token 200 - 105ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:08"} -{"level":"info","message":"POST /login 200 - 146ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:09"} -{"level":"info","message":"GET /31 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:09"} -{"level":"info","message":"GET /colors 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:11"} -{"level":"info","message":"GET /32 200 - 43ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:11"} -{"level":"info","message":"GET /32 304 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:11"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:11"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:11"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:11"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:11"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:11"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:11"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:12"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:16"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:17"} -{"level":"info","message":"PUT /update/32 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:25"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:25"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:25"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:32"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:32"} -{"level":"info","message":"POST /get-access-token 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:32"} -{"level":"info","message":"POST /login 200 - 284ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:33"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:33"} -{"level":"info","message":"GET /colors 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:35"} -{"level":"info","message":"GET /32 200 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:35"} -{"level":"info","message":"GET /32 304 - 30ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:35"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:35"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:35"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:35"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:35"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:35"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:35"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:35"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:35"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:40"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:40"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:53"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:53"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:53"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:53"} -{"level":"info","message":"POST /upload-profile-photo 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:53"} -{"level":"info","message":"GET /32 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:53"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:54"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:54"} -{"level":"info","message":"GET /32 304 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:54"} -{"level":"info","message":"GET /colors 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:54"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:54"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:54"} -{"level":"info","message":"PUT /update/32 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:54"} -{"level":"info","message":"PUT /edit-user/31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:56:54"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:57:26"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:23"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:23"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:23"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:23"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:23"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:23"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:23"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:23"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:28"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:28"} -{"level":"info","message":"PUT /update/32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:40"} -{"level":"info","message":"GET /colors 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:43"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:43"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:43"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:43"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:43"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:43"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:43"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:43"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:49"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:49"} -{"level":"info","message":"POST /get-access-token 200 - 444ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:49"} -{"level":"info","message":"POST /login 200 - 194ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:49"} -{"level":"info","message":"GET /31 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:50"} -{"level":"info","message":"GET /colors 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:52"} -{"level":"info","message":"GET /32 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:52"} -{"level":"info","message":"GET /32 304 - 46ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:52"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:52"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:52"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:52"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:52"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:52"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:52"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:52"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:52"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:52"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:53"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:53"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:53"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:53"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:53"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:57"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:58"} -{"level":"info","message":"POST /verify-pin 401 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:58:59"} -{"level":"info","message":"POST /verify-pin 401 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:03"} -{"level":"info","message":"POST /verify-pin 401 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:04"} -{"level":"info","message":"PUT /update/32 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:04"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:04"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:05"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:14"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:14"} -{"level":"info","message":"POST /get-access-token 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:14"} -{"level":"info","message":"POST /login 200 - 193ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:15"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:15"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:17"} -{"level":"info","message":"GET /32 200 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:17"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:17"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:17"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:17"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:17"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:17"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:17"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:17"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:17"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:17"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:22"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:22"} -{"level":"info","message":"POST /send-pin-otp 200 - 2725ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:23"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:35"} -{"level":"info","message":"GET /colors 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:35"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:35"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:35"} -{"level":"info","message":"POST /upload-profile-photo 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:35"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:35"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:35"} -{"level":"info","message":"GET /colors 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:35"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:35"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:35"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:35"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:35"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:36"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:36"} -{"level":"info","message":"PUT /update/32 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:36"} -{"level":"info","message":"PUT /edit-user/31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:36"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:36"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:42"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:42"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:42"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:42"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:42"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:42"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:42"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:42"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:47"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:47"} -{"level":"info","message":"POST /get-access-token 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:48"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:48"} -{"level":"info","message":"GET /31 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:48"} -{"level":"info","message":"GET /colors 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:50"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:50"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:50"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:50"} -{"level":"info","message":"GET /32 304 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:50"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:50"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:50"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:50"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:50"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:50"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:50"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:51"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:51"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:51"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:51"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:55"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 17:59:56"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:00:52"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:18"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:18"} -{"level":"info","message":"POST /get-access-token 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:18"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:18"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:18"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:21"} -{"level":"info","message":"GET /32 200 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:21"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:21"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:21"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:21"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:21"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:21"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:21"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:21"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:21"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:21"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:26"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:26"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:26"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:39"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:39"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:39"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:39"} -{"level":"info","message":"POST /upload-profile-photo 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:39"} -{"level":"info","message":"GET /32 200 - 43ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:39"} -{"level":"info","message":"GET /colors 304 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:39"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:39"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:39"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:39"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:39"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:01:52"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:02:52"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:02:59"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:02:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:02:59"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:02:59"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:02:59"} -{"level":"info","message":"GET /32 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:02:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:02:59"} -{"level":"info","message":"GET /32 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:02:59"} -{"level":"info","message":"POST /hospital-users/login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:04"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:04"} -{"level":"info","message":"POST /get-access-token 200 - 111ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:04"} -{"level":"info","message":"POST /login 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:04"} -{"level":"info","message":"GET /31 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:04"} -{"level":"info","message":"GET /colors 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:07"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:07"} -{"level":"info","message":"GET /32 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:07"} -{"level":"info","message":"GET /32 304 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:07"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:07"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:07"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:07"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:07"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:07"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:07"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:08"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:08"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:08"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:08"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:03:13"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:04:08"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:08"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:13"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:13"} -{"level":"info","message":"POST /get-access-token 200 - 136ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:13"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:13"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:13"} -{"level":"info","message":"GET /colors 200 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:16"} -{"level":"info","message":"GET /32 200 - 47ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:16"} -{"level":"info","message":"GET /32 304 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:16"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:16"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:21"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:21"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:21"} -{"level":"info","message":"POST /login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:22"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:34"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:34"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:34"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:34"} -{"level":"info","message":"POST /upload-profile-photo 200 - 116ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:34"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:34"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:34"} -{"level":"info","message":"GET /colors 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:34"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:34"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:34"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:34"} -{"level":"info","message":"POST /login 200 - 148ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:38"} -{"level":"info","message":"POST /send-pin-otp 200 - 3093ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:05:48"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:08"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:54"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:54"} -{"level":"info","message":"POST /get-access-token 200 - 1261ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:55"} -{"level":"info","message":"POST /login 200 - 145ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:55"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:55"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:57"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:58"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:58"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:58"} -{"level":"info","message":"GET /32 304 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:58"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:58"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:58"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:58"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:06:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:02"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:02"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:03"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:08"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:14"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:14"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:14"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:14"} -{"level":"info","message":"POST /upload-profile-photo 200 - 115ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:14"} -{"level":"info","message":"GET /32 200 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:14"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:15"} -{"level":"info","message":"GET /colors 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:15"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:15"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:15"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:41"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:50"} -{"level":"info","message":"POST /hospital-users/login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:52"} -{"level":"info","message":"GET /refresh-token/26/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:53"} -{"level":"info","message":"GET /refresh-token/26/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:53"} -{"level":"info","message":"POST /refresh 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:53"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:53"} -{"level":"info","message":"POST /hospitals/active 200 - 141ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:54"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 296ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:54"} -{"level":"info","message":"GET /list 200 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:07:57"} -{"level":"info","message":"GET /32 403 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:08"} -{"level":"info","message":"GET /32 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:08"} -{"level":"info","message":"POST /hospital-users/login 401 - 431ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:28"} -{"level":"info","message":"POST /hospital-users/login 401 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:30"} -{"level":"info","message":"POST /hospital-users/login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:32"} -{"level":"info","message":"GET /refresh-token/833/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:32"} -{"level":"info","message":"POST /get-access-token 200 - 224ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:32"} -{"level":"info","message":"POST /login 200 - 166ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:32"} -{"level":"info","message":"GET /833 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:32"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:35"} -{"level":"info","message":"GET /229 200 - 51ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:35"} -{"level":"info","message":"GET /229 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:35"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:35"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:35"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:08:40"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:08"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:10"} -{"level":"info","message":"GET /chat-sessions 404 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:10"} -{"level":"info","message":"GET /popular-topics 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:10"} -{"level":"info","message":"POST /hospital-users/login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:11"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:11"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:11"} -{"level":"info","message":"POST /refresh 200 - 104ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:11"} -{"level":"info","message":"POST /login 200 - 181ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:11"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:12"} -{"level":"info","message":"GET /list 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:12"} -{"level":"info","message":"POST /hospitals/active 200 - 166ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:12"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 307ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:12"} -{"level":"info","message":"POST /create-hospital 201 - 4392ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:18"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:18"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:19"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:19"} -{"level":"info","message":"GET /public-signup/229 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:19"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:22"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:22"} -{"level":"info","message":"POST /get-access-token 200 - 101ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:22"} -{"level":"info","message":"POST /login 200 - 148ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:22"} -{"level":"info","message":"GET /31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:22"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:24"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:24"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:25"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:25"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:25"} -{"level":"info","message":"GET /32 304 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:25"} -{"level":"info","message":"GET /32 304 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:25"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:25"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:25"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:25"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:25"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:29"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:29"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:30"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:42"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:42"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:42"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:42"} -{"level":"info","message":"POST /upload-profile-photo 200 - 828ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:43"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:43"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:43"} -{"level":"info","message":"GET /colors 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:43"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:43"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:43"} -{"level":"info","message":"GET /32 304 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:44"} -{"level":"info","message":"GET /colors 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:44"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:44"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:44"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:44"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:48"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:09:48"} -{"level":"info","message":"POST /hospital-users/login 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:01"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:01"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:01"} -{"level":"info","message":"POST /refresh 200 - 237ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:01"} -{"level":"info","message":"POST /login 200 - 243ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:01"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:02"} -{"level":"info","message":"POST /hospitals/active 200 - 98ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:02"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 333ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:02"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:02"} -{"level":"info","message":"POST /create-hospital 201 - 2783ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:07"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:07"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:08"} -{"level":"info","message":"POST /hospital-users/login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:13"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:13"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:13"} -{"level":"info","message":"POST /refresh 200 - 170ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:13"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:13"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:13"} -{"level":"info","message":"POST /hospitals/active 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:14"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 283ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:14"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:18"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:18"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:18"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:18"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:18"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:18"} -{"level":"info","message":"POST /logout 200 - 167ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:23"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:23"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:23"} -{"level":"info","message":"POST /hospital-users/login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:26"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:27"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:27"} -{"level":"info","message":"POST /get-access-token 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:27"} -{"level":"info","message":"POST /login 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:27"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:27"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:27"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:27"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:27"} -{"level":"info","message":"POST /refresh 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:27"} -{"level":"info","message":"POST /login 200 - 142ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:28"} -{"level":"info","message":"POST /hospitals/active 200 - 104ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:28"} -{"level":"info","message":"GET /list 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:28"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 306ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:29"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:29"} -{"level":"info","message":"GET /32 200 - 30ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:30"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:30"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:30"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:30"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:30"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:30"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:30"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:30"} -{"level":"info","message":"POST /create-hospital 201 - 2738ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:33"} -{"level":"info","message":"GET /list 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:33"} -{"level":"info","message":"GET /32 304 - 38ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:34"} -{"level":"info","message":"GET /32 304 - 38ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:35"} -{"level":"info","message":"POST /hospital-users/login 200 - 133ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:35"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:35"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:35"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:35"} -{"level":"info","message":"POST /refresh 200 - 1047ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:36"} -{"level":"info","message":"POST /login 200 - 225ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:36"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:37"} -{"level":"info","message":"POST /hospitals/active 200 - 122ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:37"} -{"level":"info","message":"GET /list 200 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:37"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 356ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:37"} -{"level":"info","message":"POST /create-hospital 201 - 2765ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:44"} -{"level":"info","message":"GET /list 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:44"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:48"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:48"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:48"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:48"} -{"level":"info","message":"POST /upload-profile-photo 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:48"} -{"level":"info","message":"GET /32 200 - 46ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:48"} -{"level":"info","message":"GET /colors 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:48"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:48"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:48"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:48"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:48"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:48"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:48"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:48"} -{"level":"info","message":"PUT /update/273 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:51"} -{"level":"info","message":"POST /check-email-code 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:53"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:53"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:53"} -{"level":"info","message":"POST /refresh 200 - 135ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:53"} -{"level":"info","message":"POST /login 200 - 146ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:53"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:54"} -{"level":"info","message":"POST /hospitals/active 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:54"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 297ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:54"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:54"} -{"level":"info","message":"POST /create-hospital 201 - 2802ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:59"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:10:59"} -{"level":"info","message":"POST /signup 201 - 273ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:02"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:02"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:02"} -{"level":"info","message":"POST /signup 400 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:05"} -{"level":"info","message":"DELETE /delete/274 200 - 232ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:06"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:07"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:07"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:07"} -{"level":"info","message":"POST /refresh 200 - 113ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:07"} -{"level":"info","message":"POST /login 200 - 135ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:08"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:08"} -{"level":"info","message":"GET /list 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:08"} -{"level":"info","message":"POST /hospitals/active 200 - 114ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:08"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 298ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:09"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:10"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:10"} -{"level":"info","message":"GET /public-signup/229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:10"} -{"level":"info","message":"POST /create-hospital 201 - 3019ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:13"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:13"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:16"} -{"level":"info","message":"GET /refresh-token/924/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:16"} -{"level":"info","message":"POST /get-access-token 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:16"} -{"level":"info","message":"POST /login 200 - 177ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:16"} -{"level":"info","message":"GET /924 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:16"} -{"level":"info","message":"PUT /update-password/924 200 - 210ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:18"} -{"level":"info","message":"POST /add 201 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:18"} -{"level":"info","message":"POST /upload-profile-photo 200 - 125ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:19"} -{"level":"info","message":"POST /add 200 - 118ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:19"} -{"level":"info","message":"PUT /update/275 200 - 143ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:19"} -{"level":"info","message":"POST /add 200 - 265ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:19"} -{"level":"info","message":"GET /275 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:24"} -{"level":"info","message":"GET /275 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:25"} -{"level":"info","message":"GET /275 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:25"} -{"level":"info","message":"GET /275 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:25"} -{"level":"info","message":"GET /275 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:25"} -{"level":"info","message":"GET /275 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:25"} -{"level":"info","message":"GET /275 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:25"} -{"level":"info","message":"GET /275 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:25"} -{"level":"info","message":"GET /275 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:25"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:27"} -{"level":"info","message":"GET /refresh-token/924/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:27"} -{"level":"info","message":"POST /get-access-token 200 - 984ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:28"} -{"level":"info","message":"POST /login 200 - 244ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:28"} -{"level":"info","message":"GET /924 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:28"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:31"} -{"level":"info","message":"GET /275 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:31"} -{"level":"info","message":"GET /275 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:31"} -{"level":"info","message":"GET /275 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:31"} -{"level":"info","message":"GET /275 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:31"} -{"level":"info","message":"GET /275 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:31"} -{"level":"info","message":"GET /275 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:31"} -{"level":"info","message":"GET /275 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:31"} -{"level":"info","message":"GET /275 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:31"} -{"level":"info","message":"GET /275 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:31"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:33"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:33"} -{"level":"info","message":"POST /get-access-token 200 - 95ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:33"} -{"level":"info","message":"POST /login 200 - 1394ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:34"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:34"} -{"level":"info","message":"GET /colors 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:37"} -{"level":"info","message":"GET /32 200 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:37"} -{"level":"info","message":"GET /32 304 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:37"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:37"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:37"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:37"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:37"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:37"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:42"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:42"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:53"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:53"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:53"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:53"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:53"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:53"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:53"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:53"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:53"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:58"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:58"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:11:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:10"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:10"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:10"} -{"level":"info","message":"POST /get-access-token 200 - 202ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:10"} -{"level":"info","message":"POST /login 200 - 173ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:11"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:11"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:13"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:13"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:13"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:13"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:13"} -{"level":"info","message":"GET /32 304 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:13"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:13"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:13"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:18"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:18"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:18"} -{"level":"info","message":"POST /login 200 - 165ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:21"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:24"} -{"level":"info","message":"GET /chat-sessions 404 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:24"} -{"level":"info","message":"GET /popular-topics 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:24"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:30"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:31"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:31"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:31"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:31"} -{"level":"info","message":"PUT /update-settings 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:31"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:31"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:31"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:31"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:31"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:36"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:36"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:36"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:47"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:47"} -{"level":"info","message":"POST /get-access-token 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:48"} -{"level":"info","message":"POST /login 200 - 166ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:48"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:48"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:50"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:50"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:50"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:50"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:50"} -{"level":"info","message":"GET /32 304 - 45ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:50"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:50"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:50"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:50"} -{"level":"info","message":"POST /hospital-users/login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:54"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:54"} -{"level":"info","message":"POST /get-access-token 200 - 146ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:54"} -{"level":"info","message":"POST /login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:54"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:54"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:55"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:55"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:55"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:57"} -{"level":"info","message":"GET /32 200 - 57ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:57"} -{"level":"info","message":"GET /32 304 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:57"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:57"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:57"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:57"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:57"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:57"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:57"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:57"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:12:57"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:02"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:02"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:03"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:08"} -{"level":"info","message":"GET /229 304 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:10"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:15"} -{"level":"info","message":"GET /colors 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:15"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:15"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:15"} -{"level":"info","message":"POST /upload-profile-photo 200 - 546ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:15"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:15"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:15"} -{"level":"info","message":"GET /colors 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:16"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:16"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:16"} -{"level":"info","message":"POST /hospital-users/login 401 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:27"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:28"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:28"} -{"level":"info","message":"POST /get-access-token 200 - 271ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:28"} -{"level":"info","message":"POST /login 200 - 469ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:29"} -{"level":"info","message":"GET /31 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:29"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:31"} -{"level":"info","message":"GET /32 200 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:31"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:31"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:31"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:32"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:32"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:32"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:32"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:32"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:32"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:32"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:32"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:32"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:35"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:35"} -{"level":"info","message":"POST /get-access-token 200 - 192ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:35"} -{"level":"info","message":"POST /login 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:35"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:35"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:36"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:36"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:37"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:37"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:37"} -{"level":"info","message":"GET /32 304 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:37"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:37"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:37"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:37"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:37"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:37"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:42"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:42"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:56"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:56"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:56"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:57"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:57"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:57"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:57"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:57"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:13:57"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:01"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:01"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:03"} -{"level":"info","message":"POST /app-user/submit 201 - 102ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:09"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:10"} -{"level":"info","message":"PUT /edit-user/873 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:10"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:12"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:12"} -{"level":"info","message":"POST /get-access-token 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:12"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:12"} -{"level":"info","message":"GET /hospital/received 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:13"} -{"level":"info","message":"POST /login 200 - 154ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:13"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:13"} -{"level":"info","message":"GET /colors 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:15"} -{"level":"info","message":"GET /32 200 - 42ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:15"} -{"level":"info","message":"GET /32 304 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:15"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:15"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:15"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:20"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:20"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:20"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:32"} -{"level":"info","message":"POST /hospital-users/login 200 - 124ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:47"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:47"} -{"level":"info","message":"POST /get-access-token 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:47"} -{"level":"info","message":"POST /login 200 - 351ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:47"} -{"level":"info","message":"GET /31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:47"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:50"} -{"level":"info","message":"GET /32 200 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:50"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:50"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:50"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:50"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:50"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:50"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:50"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:50"} -{"level":"info","message":"GET /32 304 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:50"} -{"level":"info","message":"GET /chat-sessions 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:50"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:55"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:55"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:55"} -{"level":"info","message":"PUT /delete-chat 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:58"} -{"level":"info","message":"GET /chat-sessions 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:14:59"} -{"level":"info","message":"PUT /delete-session 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:02"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:03"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:07"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:07"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:07"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:07"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:07"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:07"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:08"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:08"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:08"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:12"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:13"} -{"level":"info","message":"POST /hospital-users/login 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:23"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:23"} -{"level":"info","message":"POST /get-access-token 200 - 131ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:23"} -{"level":"info","message":"POST /login 200 - 153ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:23"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:23"} -{"level":"info","message":"GET /colors 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:25"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:25"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:25"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:25"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:25"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:25"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:26"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:26"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:26"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:26"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:26"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:31"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:32"} -{"level":"info","message":"POST /send-otp 200 - 2212ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:42"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:43"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:43"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:43"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:43"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:48"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:48"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:48"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:53"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:53"} -{"level":"info","message":"POST /get-access-token 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:53"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:53"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:53"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:55"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:55"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:55"} -{"level":"info","message":"GET /32 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:55"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:55"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:55"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:55"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:55"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:55"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:55"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:15:55"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:00"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:00"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:00"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:12"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:13"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:13"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:13"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:13"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:13"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:18"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:18"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:18"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:16:32"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:17:13"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:17:13"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:17:32"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:08"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:11"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:11"} -{"level":"info","message":"POST /get-access-token 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:12"} -{"level":"info","message":"POST /login 200 - 177ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:12"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:13"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:14"} -{"level":"info","message":"GET /colors 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:14"} -{"level":"info","message":"GET /32 200 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:14"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:14"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:14"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:14"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:14"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:14"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:14"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:19"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:19"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:19"} -{"level":"info","message":"GET /colors 304 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:32"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:32"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:32"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:32"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:32"} -{"level":"info","message":"POST /upload-profile-photo 200 - 117ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:32"} -{"level":"info","message":"GET /32 200 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:32"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:32"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:32"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:32"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:32"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:32"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:32"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:32"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:33"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:33"} -{"level":"info","message":"PUT /update/32 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:33"} -{"level":"info","message":"PUT /edit-user/31 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:33"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:33"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:56"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:57"} -{"level":"info","message":"GET /32 403 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:57"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:57"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:57"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:57"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:18:57"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:02"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:02"} -{"level":"info","message":"POST /get-access-token 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:03"} -{"level":"info","message":"POST /login 200 - 128ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:03"} -{"level":"info","message":"GET /31 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:03"} -{"level":"info","message":"GET /colors 200 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:06"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:06"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:06"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:06"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:06"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:06"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:06"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:06"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:08"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:08"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:08"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:08"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:08"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:13"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:13"} -{"level":"info","message":"POST /verify-pin 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:26"} -{"level":"info","message":"GET /chat-sessions 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:26"} -{"level":"info","message":"GET /popular-topics 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:26"} -{"level":"info","message":"PUT /update/32 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:27"} -{"level":"info","message":"PUT /edit-user/31 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:27"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:27"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:32"} -{"level":"info","message":"POST /hospital-users/login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:36"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:36"} -{"level":"info","message":"POST /get-access-token 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:36"} -{"level":"info","message":"POST /login 200 - 211ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:37"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:37"} -{"level":"info","message":"GET /colors 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:39"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:39"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:39"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:39"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:39"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:39"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:39"} -{"level":"info","message":"GET /32 304 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:39"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:39"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:39"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:44"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:44"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:44"} -{"level":"info","message":"POST /send-otp 200 - 2309ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:55"} -{"level":"info","message":"GET /colors 304 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:57"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:57"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:57"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:57"} -{"level":"info","message":"POST /upload-profile-photo 200 - 166ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:57"} -{"level":"info","message":"GET /32 200 - 49ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:57"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:58"} -{"level":"info","message":"GET /colors 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:58"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:58"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:58"} -{"level":"info","message":"PUT /update/32 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:58"} -{"level":"info","message":"PUT /edit-user/31 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:58"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:19:58"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:05"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:05"} -{"level":"info","message":"POST /get-access-token 200 - 132ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:05"} -{"level":"info","message":"POST /login 200 - 180ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:05"} -{"level":"info","message":"GET /31 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:05"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:07"} -{"level":"info","message":"GET /32 200 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:07"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:08"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:08"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:08"} -{"level":"info","message":"GET /32 304 - 30ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:08"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:08"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:08"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:08"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:08"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:08"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:08"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:08"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:10"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:10"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:10"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:10"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:10"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:15"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:17"} -{"level":"info","message":"GET /32 200 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:17"} -{"level":"info","message":"GET /32 200 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:17"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:17"} -{"level":"info","message":"GET /32 200 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:17"} -{"level":"info","message":"GET /32 200 - 42ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:17"} -{"level":"info","message":"GET /colors 200 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:17"} -{"level":"info","message":"GET /32 200 - 55ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:17"} -{"level":"info","message":"GET /32 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:17"} -{"level":"info","message":"GET /32 200 - 56ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:17"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:22"} -{"level":"info","message":"GET /32 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:27"} -{"level":"info","message":"GET /colors 304 - 38ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:27"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:27"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:27"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:27"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:27"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:27"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:27"} -{"level":"info","message":"GET /colors 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:29"} -{"level":"info","message":"GET /colors 200 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:29"} -{"level":"info","message":"GET /32 200 - 102ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:29"} -{"level":"info","message":"GET /32 200 - 102ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:29"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:29"} -{"level":"info","message":"GET /32 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:29"} -{"level":"info","message":"GET /colors 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:29"} -{"level":"info","message":"GET /32 200 - 104ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:29"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:29"} -{"level":"info","message":"GET /32 200 - 43ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:29"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:32"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:34"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:34"} -{"level":"info","message":"PUT /update/32 200 - 82ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:42"} -{"level":"info","message":"PUT /edit-user/31 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:42"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:42"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:51"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:51"} -{"level":"info","message":"POST /get-access-token 200 - 130ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:52"} -{"level":"info","message":"POST /login 200 - 143ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:52"} -{"level":"info","message":"GET /31 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:52"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:54"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:54"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:54"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:54"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:54"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:54"} -{"level":"info","message":"GET /colors 200 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:59"} -{"level":"info","message":"GET /32 200 - 112ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:59"} -{"level":"info","message":"GET /32 200 - 130ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:59"} -{"level":"info","message":"GET /32 200 - 166ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:59"} -{"level":"info","message":"GET /32 200 - 159ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:59"} -{"level":"info","message":"GET /32 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:59"} -{"level":"info","message":"GET /32 200 - 112ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:59"} -{"level":"info","message":"GET /32 200 - 101ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:59"} -{"level":"info","message":"GET /32 200 - 149ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:59"} -{"level":"info","message":"GET /32 200 - 86ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:59"} -{"level":"info","message":"GET /32 200 - 116ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:59"} -{"level":"info","message":"GET /32 200 - 91ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:20:59"} -{"level":"info","message":"GET /colors 200 - 33ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:01"} -{"level":"info","message":"GET /32 200 - 44ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:01"} -{"level":"info","message":"GET /32 200 - 44ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:01"} -{"level":"info","message":"GET /32 200 - 44ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:01"} -{"level":"info","message":"GET /32 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:01"} -{"level":"info","message":"GET /32 200 - 115ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:01"} -{"level":"info","message":"GET /32 200 - 104ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:01"} -{"level":"info","message":"GET /32 200 - 120ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:01"} -{"level":"info","message":"GET /32 200 - 101ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:01"} -{"level":"info","message":"GET /32 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:01"} -{"level":"info","message":"GET /32 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:01"} -{"level":"info","message":"GET /32 200 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:01"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:02"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:03"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:06"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:08"} -{"level":"info","message":"PUT /update/32 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:09"} -{"level":"info","message":"PUT /edit-user/31 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:09"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:09"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:13"} -{"level":"info","message":"GET /colors 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:14"} -{"level":"info","message":"GET /colors 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:14"} -{"level":"info","message":"GET /32 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:14"} -{"level":"info","message":"GET /32 200 - 102ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:14"} -{"level":"info","message":"GET /32 200 - 88ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:14"} -{"level":"info","message":"GET /32 200 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:14"} -{"level":"info","message":"GET /32 200 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:14"} -{"level":"info","message":"GET /colors 200 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:14"} -{"level":"info","message":"GET /32 200 - 43ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:14"} -{"level":"info","message":"GET /32 200 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:19"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:19"} -{"level":"info","message":"POST /login 200 - 136ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:28"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:32"} -{"level":"info","message":"POST /send-pin-otp 200 - 2486ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:37"} -{"level":"info","message":"PUT /update/32 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:38"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:38"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:38"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:43"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:43"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:43"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:43"} -{"level":"info","message":"GET /colors 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:45"} -{"level":"info","message":"GET /32 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:45"} -{"level":"info","message":"GET /32 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:45"} -{"level":"info","message":"GET /32 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:45"} -{"level":"info","message":"GET /32 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:46"} -{"level":"info","message":"GET /32 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:46"} -{"level":"info","message":"GET /32 200 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:46"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:46"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:46"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:46"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:46"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:47"} -{"level":"info","message":"GET /hospital/32 200 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:47"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:47"} -{"level":"info","message":"GET /public-signup/32 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:48"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:48"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:48"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:49"} -{"level":"info","message":"GET /colors 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:49"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:49"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:49"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:50"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:21:54"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:13"} -{"level":"info","message":"PUT /update/32 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:13"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:13"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:15"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:15"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:15"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:16"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:16"} -{"level":"info","message":"GET /colors 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:16"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:21"} -{"level":"info","message":"PUT /update/32 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:23"} -{"level":"info","message":"PUT /edit-user/31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:23"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:23"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:26"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:26"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:26"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:26"} -{"level":"info","message":"GET /32 304 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:26"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:26"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:27"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:27"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:27"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:27"} -{"level":"info","message":"GET / 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:30"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:32"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:32"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:32"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:32"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:32"} -{"level":"info","message":"GET /32 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:32"} -{"level":"info","message":"GET /colors 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:32"} -{"level":"info","message":"GET /32 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:32"} -{"level":"info","message":"GET /32 200 - 55ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:32"} -{"level":"info","message":"GET /32 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:32"} -{"level":"info","message":"GET /colors 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:34"} -{"level":"info","message":"GET /32 200 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:34"} -{"level":"info","message":"GET /32 200 - 108ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:34"} -{"level":"info","message":"GET /32 200 - 118ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:34"} -{"level":"info","message":"GET /32 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:34"} -{"level":"info","message":"GET /32 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:34"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:34"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:34"} -{"level":"info","message":"GET /32 200 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:34"} -{"level":"info","message":"GET /32 200 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:34"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:39"} -{"level":"info","message":"PUT /update/32 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:47"} -{"level":"info","message":"PUT /edit-user/31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:47"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:47"} -{"level":"info","message":"GET /colors 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:50"} -{"level":"info","message":"GET /32 200 - 102ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:50"} -{"level":"info","message":"GET /32 200 - 124ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:50"} -{"level":"info","message":"GET /32 200 - 118ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:50"} -{"level":"info","message":"GET /32 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:50"} -{"level":"info","message":"GET /colors 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:50"} -{"level":"info","message":"GET /32 200 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:50"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:50"} -{"level":"info","message":"GET /32 304 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:50"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:50"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:55"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:22:55"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:23:13"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:23:32"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:23:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:24:13"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:24:32"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:24:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:25:13"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:25:32"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:25:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:26:13"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:26:32"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:26:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:13"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:32"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:47"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:47"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:47"} -{"level":"info","message":"POST /refresh 200 - 113ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:47"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:47"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:48"} -{"level":"info","message":"POST /hospitals/active 200 - 125ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:48"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 310ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:48"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:50"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:50"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:54"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:54"} -{"level":"info","message":"POST /get-access-token 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:54"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:54"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:54"} -{"level":"info","message":"GET /colors 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:57"} -{"level":"info","message":"GET /32 200 - 54ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:57"} -{"level":"info","message":"GET /32 304 - 60ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:57"} -{"level":"info","message":"GET /32 304 - 41ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:57"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:57"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:57"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:57"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:57"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:57"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:57"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:57"} -{"level":"info","message":"POST /logout 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:27:57"} -{"level":"info","message":"POST /hospital-users/login 401 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:00"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:02"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:02"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:02"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:02"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:02"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:02"} -{"level":"info","message":"POST /refresh 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:02"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:02"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 9ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:03"} -{"level":"info","message":"POST /hospitals/active 200 - 132ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:03"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:03"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 310ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:03"} -{"level":"info","message":"POST /create-hospital 201 - 2724ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:07"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:07"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:09"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:09"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:09"} -{"level":"info","message":"POST /refresh 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:09"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:09"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:10"} -{"level":"info","message":"POST /hospitals/active 200 - 120ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:10"} -{"level":"info","message":"GET /list 200 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:10"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 347ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:10"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:13"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"GET /colors 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"POST /upload-profile-photo 200 - 117ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"POST /create-hospital 201 - 3232ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:15"} -{"level":"info","message":"PUT /update/32 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:16"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:16"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:16"} -{"level":"info","message":"PUT /update/277 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:23"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:24"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:24"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:24"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:24"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:24"} -{"level":"info","message":"POST /refresh 200 - 144ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:24"} -{"level":"info","message":"POST /get-access-token 200 - 212ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:25"} -{"level":"info","message":"POST /login 200 - 168ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:25"} -{"level":"info","message":"POST /login 200 - 198ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:25"} -{"level":"info","message":"GET /31 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:25"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:25"} -{"level":"info","message":"POST /hospitals/active 200 - 137ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:25"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 308ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:26"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:26"} -{"level":"info","message":"GET /colors 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:27"} -{"level":"info","message":"GET /32 200 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:27"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:27"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:27"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:27"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:27"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:27"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:27"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:27"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:27"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:27"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:27"} -{"level":"info","message":"GET /colors 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:29"} -{"level":"info","message":"GET /32 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:29"} -{"level":"info","message":"GET /32 200 - 79ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:29"} -{"level":"info","message":"GET /32 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:29"} -{"level":"info","message":"GET /32 200 - 121ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:30"} -{"level":"info","message":"GET /32 200 - 112ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:30"} -{"level":"info","message":"GET /32 200 - 85ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:30"} -{"level":"info","message":"GET /32 200 - 45ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:30"} -{"level":"info","message":"GET /32 200 - 115ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:30"} -{"level":"info","message":"GET /32 200 - 80ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:30"} -{"level":"info","message":"GET /32 200 - 56ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:30"} -{"level":"info","message":"POST /create-hospital 201 - 2812ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:30"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:30"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:32"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:32"} -{"level":"info","message":"GET /32 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:32"} -{"level":"info","message":"GET /32 200 - 101ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:32"} -{"level":"info","message":"GET /32 200 - 121ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:32"} -{"level":"info","message":"GET /32 200 - 112ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:32"} -{"level":"info","message":"GET /32 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:32"} -{"level":"info","message":"GET /32 200 - 52ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:32"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:32"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:32"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:32"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:34"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:34"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:34"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:35"} -{"level":"info","message":"GET /colors 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:35"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:35"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:35"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:37"} -{"level":"info","message":"DELETE /delete/278 200 - 213ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:38"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:39"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:39"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:39"} -{"level":"info","message":"POST /refresh 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:39"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:39"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:40"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:40"} -{"level":"info","message":"GET /list 200 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:40"} -{"level":"info","message":"POST /hospitals/active 200 - 90ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:40"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 285ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:40"} -{"level":"info","message":"PUT /update/32 200 - 154ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:42"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:42"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:42"} -{"level":"info","message":"POST /create-hospital 201 - 2798ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:45"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:45"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:48"} -{"level":"info","message":"GET /refresh-token/928/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:48"} -{"level":"info","message":"POST /get-access-token 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:48"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:48"} -{"level":"info","message":"GET /928 404 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:48"} -{"level":"info","message":"PUT /update-password/928 200 - 251ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:50"} -{"level":"info","message":"POST /add 201 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:50"} -{"level":"info","message":"POST /upload-profile-photo 200 - 87ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:50"} -{"level":"info","message":"POST /add 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:51"} -{"level":"info","message":"PUT /update/279 200 - 102ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:51"} -{"level":"info","message":"POST /add 200 - 193ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:51"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:53"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:53"} -{"level":"info","message":"POST /get-access-token 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:53"} -{"level":"info","message":"POST /login 200 - 139ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:53"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:53"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /279 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /279 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /279 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /279 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /279 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /279 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /279 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /279 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"GET /279 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:56"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:59"} -{"level":"info","message":"GET /refresh-token/928/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:59"} -{"level":"info","message":"POST /get-access-token 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:59"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:59"} -{"level":"info","message":"GET /928 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:28:59"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:01"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:01"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:01"} -{"level":"info","message":"GET /279 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:01"} -{"level":"info","message":"GET /colors 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:01"} -{"level":"info","message":"GET /279 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:01"} -{"level":"info","message":"GET /279 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:01"} -{"level":"info","message":"GET /279 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:01"} -{"level":"info","message":"GET /279 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:01"} -{"level":"info","message":"GET /279 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:01"} -{"level":"info","message":"GET /279 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:01"} -{"level":"info","message":"GET /279 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:01"} -{"level":"info","message":"GET /279 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:01"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:03"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:03"} -{"level":"info","message":"POST /get-access-token 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:04"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:04"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:04"} -{"level":"info","message":"GET /colors 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:06"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:06"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:06"} -{"level":"info","message":"GET /32 304 - 47ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:06"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:06"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:06"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:06"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:06"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:13"} -{"level":"info","message":"GET /colors 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:13"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:13"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:13"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:13"} -{"level":"info","message":"POST /upload-profile-photo 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:13"} -{"level":"info","message":"PUT /update/32 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:14"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:18"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:24"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:24"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:24"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:24"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:24"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:24"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:24"} -{"level":"info","message":"GET /32 304 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:24"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:29"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:29"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:29"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:32"} -{"level":"info","message":"POST /add-user 201 - 2931ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:35"} -{"level":"info","message":"GET /32 304 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:36"} -{"level":"info","message":"GET /32 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:36"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:36"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:38"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:38"} -{"level":"info","message":"POST /get-access-token 200 - 97ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:38"} -{"level":"info","message":"POST /login 200 - 126ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:38"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:38"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:40"} -{"level":"info","message":"GET /32 200 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:40"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:40"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:41"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:41"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:41"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:41"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:41"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:41"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:41"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:46"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:56"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:56"} -{"level":"info","message":"POST /get-access-token 200 - 95ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:56"} -{"level":"info","message":"POST /login 200 - 111ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:56"} -{"level":"info","message":"GET /31 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:56"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:58"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:58"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:59"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:59"} -{"level":"info","message":"GET /32 304 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:59"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:59"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:59"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:29:59"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:00"} -{"level":"info","message":"GET /colors 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:00"} -{"level":"info","message":"GET /32 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:00"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:00"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:00"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:03"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:03"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:03"} -{"level":"info","message":"PUT /update/32 200 - 104ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:03"} -{"level":"info","message":"PUT /edit-user/31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:03"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:05"} -{"level":"info","message":"POST /add-user 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:07"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:13"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:19"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:19"} -{"level":"info","message":"POST /get-access-token 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:19"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:19"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:19"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:22"} -{"level":"info","message":"GET /32 200 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:22"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:22"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:22"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:22"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:22"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:22"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:22"} -{"level":"info","message":"GET /32 304 - 46ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:27"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:27"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:27"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:30:32"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:01"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:01"} -{"level":"info","message":"POST /get-access-token 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:01"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:01"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:01"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:03"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:03"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:03"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:03"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:03"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:03"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:03"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:03"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:08"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:08"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:08"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:22"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:22"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:22"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:22"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:22"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:22"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:27"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:27"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:27"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:33"} -{"level":"info","message":"PUT /edit-user/929 200 - 74ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:35"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:37"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:38"} -{"level":"info","message":"POST /get-access-token 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:38"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:38"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:38"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:40"} -{"level":"info","message":"GET /32 200 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:40"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:40"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:40"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:40"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:40"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:40"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:45"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:31:45"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:12"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:12"} -{"level":"info","message":"POST /get-access-token 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:12"} -{"level":"info","message":"POST /login 200 - 135ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:12"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:12"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:13"} -{"level":"info","message":"GET /colors 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:14"} -{"level":"info","message":"GET /32 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:14"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:14"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:14"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:14"} -{"level":"info","message":"GET /32 304 - 43ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:14"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:14"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:15"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:15"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:15"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:19"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:19"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:19"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:33"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:33"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:33"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:33"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:33"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:33"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:33"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:33"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:33"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:34"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:38"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:38"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:38"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:42"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:42"} -{"level":"info","message":"POST /get-access-token 200 - 112ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:42"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:42"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:42"} -{"level":"info","message":"GET /colors 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:45"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:45"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:45"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:45"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:45"} -{"level":"info","message":"GET /32 304 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:45"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:45"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:45"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:45"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:50"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:50"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:50"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:52"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:52"} -{"level":"info","message":"POST /get-access-token 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:52"} -{"level":"info","message":"POST /login 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:52"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:52"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:54"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:54"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:54"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:54"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:54"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:54"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:54"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:54"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:54"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:59"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:59"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:32:59"} -{"level":"info","message":"GET /colors 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:03"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:03"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:03"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:03"} -{"level":"info","message":"POST /upload-profile-photo 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:03"} -{"level":"info","message":"PUT /update/32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:03"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:08"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:13"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:13"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:13"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:13"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:13"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:13"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:13"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:13"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:13"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:18"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:18"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:18"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:30"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:32"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:32"} -{"level":"info","message":"POST /get-access-token 200 - 112ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:32"} -{"level":"info","message":"POST /login 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:32"} -{"level":"info","message":"GET /31 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:32"} -{"level":"info","message":"GET /colors 200 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:35"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:35"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:35"} -{"level":"info","message":"GET /32 304 - 42ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:35"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:35"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:35"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:35"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:35"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:35"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:35"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:35"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:35"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:38"} -{"level":"info","message":"GET /refresh-token/31/7 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:38"} -{"level":"info","message":"POST /get-access-token 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:38"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:38"} -{"level":"info","message":"GET /31 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:38"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:40"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:40"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:40"} -{"level":"info","message":"GET /colors 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:40"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:40"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:40"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:40"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:40"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:45"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:45"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:45"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:53"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:53"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:53"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:53"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:53"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:53"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:53"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:53"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:53"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:58"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:58"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:33:58"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:34:13"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:34:36"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:34:41"} -{"level":"info","message":"POST /add-user 201 - 3059ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:16"} -{"level":"info","message":"GET /32 200 - 24ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:16"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:16"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:21"} -{"level":"info","message":"GET /colors 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:21"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:21"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:21"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:21"} -{"level":"info","message":"GET /32 304 - 30ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:21"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:21"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:21"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:21"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:26"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:26"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:26"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:35:37"} -{"level":"info","message":"POST /add-user 201 - 2873ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:00"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:00"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:00"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:00"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:05"} -{"level":"info","message":"POST /add-user 201 - 3053ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:36"} -{"level":"info","message":"GET /32 200 - 36ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:36"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:36"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:36"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:38"} -{"level":"info","message":"GET /colors 200 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:40"} -{"level":"info","message":"GET /32 200 - 115ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:40"} -{"level":"info","message":"GET /32 200 - 190ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:40"} -{"level":"info","message":"GET /32 200 - 199ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:40"} -{"level":"info","message":"GET /32 200 - 170ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:40"} -{"level":"info","message":"GET /32 200 - 142ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:40"} -{"level":"info","message":"GET /32 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:40"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:40"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:40"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:45"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:45"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:36:45"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:37:39"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:37:41"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:37:45"} -{"level":"info","message":"GET /colors 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:37:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:37:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:37:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:37:45"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:37:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:37:45"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:37:45"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:37:45"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:37:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:37:50"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:37:50"} -{"level":"info","message":"POST /add-user 201 - 2797ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:38:03"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:38:03"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:38:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:38:03"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:38:08"} -{"level":"info","message":"POST /add-user 201 - 2675ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:38:16"} -{"level":"info","message":"GET /229 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:38:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:38:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:38:17"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:38:22"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:38:40"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:39:03"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:39:17"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:39:41"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:39:49"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:39:49"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:39:49"} -{"level":"info","message":"POST /refresh 200 - 78ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:39:50"} -{"level":"info","message":"POST /login 200 - 168ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:39:50"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:39:50"} -{"level":"info","message":"POST /hospitals/active 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:39:50"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 293ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:39:51"} -{"level":"info","message":"POST /logout 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:00"} -{"level":"info","message":"POST /hospital-users/login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:03"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:03"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:04"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:04"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 0ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:05"} -{"level":"info","message":"POST /refresh 200 - 81ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:05"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:05"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:05"} -{"level":"info","message":"POST /hospitals/active 200 - 99ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:05"} -{"level":"info","message":"GET /list 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:06"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 288ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:06"} -{"level":"info","message":"POST /create-hospital 201 - 2758ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:10"} -{"level":"info","message":"GET /list 200 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:10"} -{"level":"info","message":"POST /hospital-users/login 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:12"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:12"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:12"} -{"level":"info","message":"POST /refresh 200 - 83ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:12"} -{"level":"info","message":"POST /login 200 - 148ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:12"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:13"} -{"level":"info","message":"GET /list 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:13"} -{"level":"info","message":"POST /hospitals/active 200 - 106ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:13"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 282ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:13"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:17"} -{"level":"info","message":"POST /create-hospital 201 - 3047ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:18"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:18"} -{"level":"info","message":"PUT /update/281 200 - 77ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:25"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:26"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:26"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:26"} -{"level":"info","message":"POST /refresh 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:26"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:26"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:27"} -{"level":"info","message":"POST /hospitals/active 200 - 96ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:27"} -{"level":"info","message":"GET /list 200 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:27"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 312ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:27"} -{"level":"info","message":"POST /create-hospital 201 - 2926ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:32"} -{"level":"info","message":"GET /list 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:32"} -{"level":"info","message":"DELETE /delete/282 200 - 164ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:39"} -{"level":"info","message":"POST /hospital-users/login 200 - 76ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:41"} -{"level":"info","message":"GET /refresh-token/9/6 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:41"} -{"level":"info","message":"GET /refresh-token/9/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:41"} -{"level":"info","message":"POST /refresh 200 - 72ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:41"} -{"level":"info","message":"POST /login 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:41"} -{"level":"info","message":"GET /get-forwarded-feedbacks 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:42"} -{"level":"info","message":"POST /hospitals/active 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:42"} -{"level":"info","message":"GET /list 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:42"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:42"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 298ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:42"} -{"level":"info","message":"POST /create-hospital 201 - 3145ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:47"} -{"level":"info","message":"GET /list 200 - 8ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:47"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:49"} -{"level":"info","message":"GET /refresh-token/938/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:49"} -{"level":"info","message":"POST /get-access-token 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:49"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:49"} -{"level":"info","message":"GET /938 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:49"} -{"level":"info","message":"PUT /update-password/938 200 - 183ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:52"} -{"level":"info","message":"POST /add 201 - 219ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:52"} -{"level":"info","message":"POST /upload-profile-photo 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:52"} -{"level":"info","message":"POST /add 200 - 75ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:52"} -{"level":"info","message":"PUT /update/283 200 - 180ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:52"} -{"level":"info","message":"POST /add 200 - 113ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:52"} -{"level":"info","message":"GET /283 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:58"} -{"level":"info","message":"GET /283 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:58"} -{"level":"info","message":"GET /283 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:58"} -{"level":"info","message":"GET /283 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:58"} -{"level":"info","message":"GET /283 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:58"} -{"level":"info","message":"GET /283 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:58"} -{"level":"info","message":"GET /283 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:58"} -{"level":"info","message":"GET /283 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:58"} -{"level":"info","message":"GET /283 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:40:58"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:00"} -{"level":"info","message":"GET /refresh-token/938/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:00"} -{"level":"info","message":"POST /get-access-token 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:00"} -{"level":"info","message":"POST /login 200 - 71ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:00"} -{"level":"info","message":"GET /938 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:00"} -{"level":"info","message":"GET /283 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:02"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:02"} -{"level":"info","message":"GET /283 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:02"} -{"level":"info","message":"GET /283 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:02"} -{"level":"info","message":"GET /283 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:02"} -{"level":"info","message":"GET /283 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:03"} -{"level":"info","message":"GET /283 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:03"} -{"level":"info","message":"GET /283 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:03"} -{"level":"info","message":"GET /283 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:03"} -{"level":"info","message":"GET /283 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:03"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:03"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:05"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:05"} -{"level":"info","message":"POST /get-access-token 200 - 101ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:05"} -{"level":"info","message":"POST /login 200 - 134ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:05"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:05"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:07"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:07"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:07"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:07"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:07"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:07"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:08"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:08"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:08"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:08"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:08"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:12"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:12"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:13"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:17"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:25"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:25"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:25"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:25"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:26"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:26"} -{"level":"info","message":"GET /32 304 - 35ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:26"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:26"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:26"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:30"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:30"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:31"} -{"level":"info","message":"POST /add-user 201 - 3427ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:38"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:38"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:38"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:38"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:39"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:39"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:39"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:39"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:40"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:40"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:40"} -{"level":"info","message":"POST /get-access-token 200 - 59ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:40"} -{"level":"info","message":"POST /login 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:41"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:41"} -{"level":"info","message":"GET /colors 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:43"} -{"level":"info","message":"GET /32 200 - 21ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:43"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:43"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:43"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:43"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:43"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:43"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:43"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:43"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:43"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:43"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:43"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:43"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:44"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:45"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:48"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:48"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:41:48"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:00"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:00"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:00"} -{"level":"info","message":"GET /32 304 - 18ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:00"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:01"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:01"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:01"} -{"level":"info","message":"GET /32 304 - 25ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:01"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:01"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:05"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:05"} -{"level":"info","message":"POST /add-user 201 - 2833ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:12"} -{"level":"info","message":"GET /32 200 - 31ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:12"} -{"level":"info","message":"GET /32 304 - 44ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:12"} -{"level":"info","message":"GET /32 304 - 37ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:12"} -{"level":"info","message":"POST /hospital-users/login 200 - 61ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:15"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:15"} -{"level":"info","message":"POST /get-access-token 200 - 110ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:15"} -{"level":"info","message":"POST /login 200 - 165ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:15"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:15"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:17"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:17"} -{"level":"info","message":"GET /32 200 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:17"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:17"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:17"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:17"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:18"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:18"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:18"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:22"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:22"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:22"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:40"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:44"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:56"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:56"} -{"level":"info","message":"POST /get-access-token 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:56"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:56"} -{"level":"info","message":"GET /31 200 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:56"} -{"level":"info","message":"GET /colors 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:59"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:59"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:59"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:59"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:59"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:59"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:59"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:59"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:59"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:59"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:42:59"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:04"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:04"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:04"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:16"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:16"} -{"level":"info","message":"GET /32 304 - 39ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:16"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:16"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:16"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:17"} -{"level":"info","message":"GET /32 304 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:21"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:21"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:21"} -{"level":"info","message":"PUT /edit-user/940 200 - 66ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:25"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:27"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:27"} -{"level":"info","message":"POST /get-access-token 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:27"} -{"level":"info","message":"POST /login 200 - 129ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:28"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:28"} -{"level":"info","message":"GET /colors 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:30"} -{"level":"info","message":"GET /32 200 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:30"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:30"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:30"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:30"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:30"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:30"} -{"level":"info","message":"GET /32 304 - 27ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:30"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:30"} -{"level":"info","message":"GET /32 304 - 32ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:30"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:35"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:35"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:35"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:40"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:43:45"} -{"level":"info","message":"POST /hospital-users/login 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:02"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:02"} -{"level":"info","message":"POST /get-access-token 200 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:02"} -{"level":"info","message":"POST /login 200 - 69ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:02"} -{"level":"info","message":"GET /31 200 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:02"} -{"level":"info","message":"GET /colors 200 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:04"} -{"level":"info","message":"GET /32 200 - 28ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:04"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:04"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:04"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:04"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:04"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:04"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:04"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:04"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:04"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:04"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:09"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:09"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:09"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:17"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:22"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:22"} -{"level":"info","message":"GET /32 304 - 16ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:22"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:22"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:22"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:22"} -{"level":"info","message":"GET /32 304 - 26ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:22"} -{"level":"info","message":"GET /32 304 - 30ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:22"} -{"level":"info","message":"GET /32 304 - 23ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:22"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:27"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:27"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:27"} -{"level":"info","message":"POST /hospital-users/login 200 - 63ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:37"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:37"} -{"level":"info","message":"POST /get-access-token 200 - 67ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:37"} -{"level":"info","message":"POST /login 200 - 70ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:37"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:37"} -{"level":"info","message":"GET /colors 200 - 7ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:39"} -{"level":"info","message":"GET /32 200 - 29ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:40"} -{"level":"info","message":"GET /32 304 - 40ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:40"} -{"level":"info","message":"GET /32 403 - 6ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:40"} -{"level":"info","message":"GET /32 304 - 19ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:40"} -{"level":"info","message":"GET /32 304 - 17ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:40"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:40"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:44"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:44"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:45"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:46"} -{"level":"info","message":"GET /colors 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:58"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:58"} -{"level":"info","message":"GET /32 304 - 20ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:58"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:58"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:58"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:58"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:58"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:44:58"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:03"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:03"} -{"level":"info","message":"POST /hospital-users/login 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:08"} -{"level":"info","message":"GET /refresh-token/31/7 200 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:08"} -{"level":"info","message":"POST /get-access-token 200 - 93ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:09"} -{"level":"info","message":"POST /login 200 - 467ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:09"} -{"level":"info","message":"GET /31 200 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:09"} -{"level":"info","message":"GET /colors 200 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:11"} -{"level":"info","message":"GET /32 200 - 56ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:11"} -{"level":"info","message":"GET /32 304 - 34ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:11"} -{"level":"info","message":"GET /32 304 - 22ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:11"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:11"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:11"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:11"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:12"} -{"level":"info","message":"GET /32 304 - 10ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:12"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:16"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:16"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:16"} -{"level":"info","message":"GET /colors 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:28"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:29"} -{"level":"info","message":"GET /32 304 - 14ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:29"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:29"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:29"} -{"level":"info","message":"GET /32 304 - 15ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:29"} -{"level":"info","message":"GET /32 304 - 13ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:29"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:29"} -{"level":"info","message":"GET /32 304 - 11ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:29"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:34"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:34"} -{"level":"info","message":"GET /32 304 - 12ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:34"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:47"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:45:47"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:46:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:46:48"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:46:48"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:47:40"} -{"level":"info","message":"GET /.env 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:47:48"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:47:49"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:47:49"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:48:39"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:48:50"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:48:50"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:49:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:49:51"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:49:51"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:50:40"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:50:52"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:50:52"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:51:40"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:51:53"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:51:53"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:52:40"} -{"cpu":{"loadAvg":0.01,"usage":3.2015597510319083},"errors":{},"level":"info","memory":{"external":21850397,"heapTotal":94830592,"heapUsed":81153856,"rss":194179072},"message":"Application metrics","requests":{"byEndpoint":{"DELETE /delete/268":{"failed":0,"success":1,"total":1},"DELETE /delete/274":{"failed":0,"success":1,"total":1},"DELETE /delete/278":{"failed":0,"success":1,"total":1},"DELETE /delete/282":{"failed":0,"success":1,"total":1},"GET /":{"failed":0,"success":2,"total":2},"GET /.env":{"failed":1,"success":0,"total":1},"GET /229":{"failed":0,"success":78,"total":78},"GET /253":{"failed":0,"success":19,"total":19},"GET /265":{"failed":0,"success":19,"total":19},"GET /269":{"failed":0,"success":19,"total":19},"GET /275":{"failed":0,"success":18,"total":18},"GET /279":{"failed":0,"success":18,"total":18},"GET /283":{"failed":0,"success":18,"total":18},"GET /31":{"failed":0,"success":74,"total":74},"GET /32":{"failed":313,"success":1792,"total":2105},"GET /833":{"failed":0,"success":1,"total":1},"GET /913":{"failed":1,"success":1,"total":2},"GET /914":{"failed":1,"success":1,"total":2},"GET /918":{"failed":1,"success":1,"total":2},"GET /924":{"failed":1,"success":1,"total":2},"GET /928":{"failed":1,"success":1,"total":2},"GET /938":{"failed":1,"success":1,"total":2},"GET /appuser_status":{"failed":0,"success":4,"total":4},"GET /chat-sessions":{"failed":4,"success":2,"total":6},"GET /colors":{"failed":53,"success":207,"total":260},"GET /get-forwarded-feedbacks":{"failed":0,"success":27,"total":27},"GET /hospital/32":{"failed":9,"success":1,"total":10},"GET /hospital/received":{"failed":0,"success":1,"total":1},"GET /hospitals/onboarded":{"failed":0,"success":27,"total":27},"GET /list":{"failed":0,"success":43,"total":43},"GET /popular-topics":{"failed":1,"success":3,"total":4},"GET /public-signup/229":{"failed":0,"success":2,"total":2},"GET /public-signup/32":{"failed":4,"success":1,"total":5},"GET /refresh-token/124/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/26/6":{"failed":0,"success":2,"total":2},"GET /refresh-token/31/7":{"failed":0,"success":74,"total":74},"GET /refresh-token/833/7":{"failed":0,"success":1,"total":1},"GET /refresh-token/9/6":{"failed":0,"success":48,"total":48},"GET /refresh-token/913/7":{"failed":0,"success":2,"total":2},"GET /refresh-token/914/7":{"failed":0,"success":2,"total":2},"GET /refresh-token/918/7":{"failed":0,"success":2,"total":2},"GET /refresh-token/924/7":{"failed":0,"success":2,"total":2},"GET /refresh-token/928/7":{"failed":0,"success":2,"total":2},"GET /refresh-token/938/7":{"failed":0,"success":2,"total":2},"POST /add":{"failed":0,"success":16,"total":16},"POST /add-user":{"failed":1,"success":8,"total":9},"POST /app-user/submit":{"failed":0,"success":1,"total":1},"POST /check-email-code":{"failed":0,"success":1,"total":1},"POST /create-hospital":{"failed":0,"success":20,"total":20},"POST /get-access-token":{"failed":0,"success":90,"total":90},"POST /hospital-users/login":{"failed":10,"success":113,"total":123},"POST /hospitals/active":{"failed":0,"success":26,"total":26},"POST /login":{"failed":2,"success":119,"total":121},"POST /logout":{"failed":0,"success":4,"total":4},"POST /refresh":{"failed":0,"success":26,"total":26},"POST /send-otp":{"failed":0,"success":2,"total":2},"POST /send-pin-otp":{"failed":0,"success":10,"total":10},"POST /send-temp-password":{"failed":0,"success":1,"total":1},"POST /signup":{"failed":1,"success":1,"total":2},"POST /upload-profile-photo":{"failed":2,"success":24,"total":26},"POST /verify-pin":{"failed":3,"success":4,"total":7},"PUT /delete-chat":{"failed":0,"success":1,"total":1},"PUT /delete-session":{"failed":0,"success":1,"total":1},"PUT /edit-user/31":{"failed":0,"success":23,"total":23},"PUT /edit-user/873":{"failed":0,"success":3,"total":3},"PUT /edit-user/929":{"failed":0,"success":1,"total":1},"PUT /edit-user/940":{"failed":0,"success":1,"total":1},"PUT /update-password/913":{"failed":0,"success":1,"total":1},"PUT /update-password/914":{"failed":0,"success":1,"total":1},"PUT /update-password/918":{"failed":0,"success":1,"total":1},"PUT /update-password/924":{"failed":0,"success":1,"total":1},"PUT /update-password/928":{"failed":0,"success":1,"total":1},"PUT /update-password/938":{"failed":0,"success":1,"total":1},"PUT /update-settings":{"failed":0,"success":1,"total":1},"PUT /update/265":{"failed":0,"success":1,"total":1},"PUT /update/267":{"failed":0,"success":1,"total":1},"PUT /update/269":{"failed":0,"success":1,"total":1},"PUT /update/273":{"failed":0,"success":1,"total":1},"PUT /update/275":{"failed":0,"success":1,"total":1},"PUT /update/277":{"failed":0,"success":1,"total":1},"PUT /update/279":{"failed":0,"success":1,"total":1},"PUT /update/281":{"failed":0,"success":1,"total":1},"PUT /update/283":{"failed":0,"success":1,"total":1},"PUT /update/32":{"failed":5,"success":23,"total":28}},"failed":415,"success":3060,"total":3475},"responseTime":{"avg":62.23568345323741,"max":4392,"min":0},"service":"spurrinai-backend","timestamp":"2025-06-09T13:22:49.424Z"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:52:54"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:52:54"} -{"level":"info","message":"GET /public-signup/32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:53:29"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:53:29"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:53:29"} -{"level":"info","message":"POST /send-otp 200 - 4494ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:53:42"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:53:55"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:53:55"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:54:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:54:56"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:54:56"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:55:29"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:55:57"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:55:57"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:11"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:11"} -{"level":"info","message":"GET /hospital/received 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:11"} -{"level":"info","message":"POST /send-otp 200 - 2863ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:17"} -{"level":"info","message":"POST /send-otp 200 - 2728ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:30"} -{"level":"info","message":"GET /32 403 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:43"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:52"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:52"} -{"level":"info","message":"GET /colors 403 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:52"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:52"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:53"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:53"} -{"level":"info","message":"GET /32 403 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:53"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:53"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:53"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:53"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:57"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:57"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:56:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:57:11"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:57:50"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:57:50"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:57:50"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:57:50"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:57:55"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:57:55"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:57:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:58:11"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:58:50"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:58:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:59:11"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:59:50"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:59:54"} -{"level":"info","message":"POST /send-otp 200 - 2844ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:59:54"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:59:55"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:59:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 18:59:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:00:11"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:00:56"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:00:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:01:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:01:47"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:01:56"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:02:11"} -{"level":"info","message":"GET /229 304 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:02:17"} -{"level":"info","message":"POST /hospital-users/login 200 - 65ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:02:28"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:02:28"} -{"level":"info","message":"GET /refresh-token/124/6 304 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:02:28"} -{"level":"info","message":"POST /refresh 200 - 73ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:02:28"} -{"level":"info","message":"POST /login 200 - 68ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:02:28"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:02:29"} -{"level":"info","message":"GET /get-forwarded-feedbacks 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:02:29"} -{"level":"info","message":"POST /hospitals/active 200 - 94ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:02:29"} -{"level":"info","message":"GET /hospitals/onboarded 200 - 287ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:02:29"} -{"level":"info","message":"GET /hospitals/onboarded 304 - 217ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:02:29"} -{"level":"info","message":"POST /logout 200 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:02:30"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:03:11"} -{"level":"info","message":"POST /login 401 - 64ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:03:24"} -{"level":"info","message":"POST /login 401 - 62ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:03:33"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:03:47"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:03:56"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:04:11"} -{"level":"info","message":"GET /229 304 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:04:48"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:04:56"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:05:11"} -{"level":"info","message":"GET /.git/config 404 - 1ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:05:33"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:05:49"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:05:56"} -{"level":"info","message":"POST /login 404 - 2ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:05:58"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:06:11"} -{"level":"info","message":"POST /login 200 - 171ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:06:39"} -{"level":"info","message":"POST /send-pin-otp 200 - 3139ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:06:48"} -{"level":"info","message":"GET /229 304 - 5ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:06:50"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:06:56"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:07:11"} -{"level":"info","message":"POST /send-pin-otp 200 - 3264ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:07:36"} -{"level":"info","message":"GET /229 304 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:07:51"} -{"level":"info","message":"GET /32 403 - 4ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:07:57"} -{"level":"info","message":"GET /32 403 - 3ms","service":"spurrinai-backend","timestamp":"2025-06-09 19:08:11"} diff --git a/logs/error.log b/logs/error.log deleted file mode 100644 index 1d7ed7a..0000000 --- a/logs/error.log +++ /dev/null @@ -1,337 +0,0 @@ -{"0":"r","1":"e","2":"a","3":"s","4":"o","5":"n","6":":","level":"error","message":"Unhandled Rejection at:","service":"spurrinai-backend","timestamp":"2025-06-06 18:30:26"} -{"0":"r","1":"e","2":"a","3":"s","4":"o","5":"n","6":":","level":"error","message":"Unhandled Rejection at:","service":"spurrinai-backend","timestamp":"2025-06-06 18:31:24"} -2025-06-06 19:50:30,865 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 19:50:30,957 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 19:50:59,876 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 19:51:02,234 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:07:53,915 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:07:54,029 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:08:21,559 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:08:23,800 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:08:28,435 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:08:34,799 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:08:38,462 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:08:42,151 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:08:45,519 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:09:00,442 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:09:00,652 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:09:11,086 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:09:23,863 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:09:39,907 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:09:39,908 - root - ERROR - [chat.py:447] - Error in extract_pdf_contents: Cannot read an empty file -2025-06-06 20:09:39,908 - root - ERROR - [chat.py:1892] - Processing error: Cannot read an empty file -2025-06-06 20:09:40,063 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-06 20:10:11,338 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-07 14:19:38,612 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-07 14:22:28,314 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-07 14:34:42,462 - root - ERROR - [chat.py:1812] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -{"ip":"::ffff:127.0.0.1","level":"error","message":"Not allowed by CORS","method":"OPTIONS","path":"/api/users/hospital-users/login","service":"spurrinai-backend","stack":"Error: Not allowed by CORS\n at origin (/home/ubuntu/spurrin-cleaned-node/src/middlewares/security.js:97:22)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:219:13\n at optionsCallback (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:199:9)\n at corsMiddleware (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:204:7)\n at Layer.handle [as handle_request] (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/layer.js:95:5)\n at trim_prefix (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:328:13)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:286:9\n at Function.process_params (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:346:12)\n at next (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:280:10)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express-rate-limit/dist/index.cjs:659:7","timestamp":"2025-06-07 15:17:42"} -{"level":"error","message":"UNEXPECTED ERROR 💥 Not allowed by CORS","service":"spurrinai-backend","stack":"Error: Not allowed by CORS\n at origin (/home/ubuntu/spurrin-cleaned-node/src/middlewares/security.js:97:22)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:219:13\n at optionsCallback (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:199:9)\n at corsMiddleware (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:204:7)\n at Layer.handle [as handle_request] (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/layer.js:95:5)\n at trim_prefix (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:328:13)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:286:9\n at Function.process_params (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:346:12)\n at next (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:280:10)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express-rate-limit/dist/index.cjs:659:7","status":"error","statusCode":500,"timestamp":"2025-06-07 15:17:42"} -{"ip":"::ffff:127.0.0.1","level":"error","message":"Not allowed by CORS","method":"OPTIONS","path":"/api/users/hospital-users/login","service":"spurrinai-backend","stack":"Error: Not allowed by CORS\n at origin (/home/ubuntu/spurrin-cleaned-node/src/middlewares/security.js:97:22)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:219:13\n at optionsCallback (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:199:9)\n at corsMiddleware (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:204:7)\n at Layer.handle [as handle_request] (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/layer.js:95:5)\n at trim_prefix (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:328:13)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:286:9\n at Function.process_params (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:346:12)\n at next (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:280:10)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express-rate-limit/dist/index.cjs:659:7","timestamp":"2025-06-07 15:17:43"} -{"level":"error","message":"UNEXPECTED ERROR 💥 Not allowed by CORS","service":"spurrinai-backend","stack":"Error: Not allowed by CORS\n at origin (/home/ubuntu/spurrin-cleaned-node/src/middlewares/security.js:97:22)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:219:13\n at optionsCallback (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:199:9)\n at corsMiddleware (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:204:7)\n at Layer.handle [as handle_request] (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/layer.js:95:5)\n at trim_prefix (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:328:13)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:286:9\n at Function.process_params (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:346:12)\n at next (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:280:10)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express-rate-limit/dist/index.cjs:659:7","status":"error","statusCode":500,"timestamp":"2025-06-07 15:17:43"} -{"ip":"::ffff:127.0.0.1","level":"error","message":"Not allowed by CORS","method":"OPTIONS","path":"/api/users/hospital-users/login","service":"spurrinai-backend","stack":"Error: Not allowed by CORS\n at origin (/home/ubuntu/spurrin-cleaned-node/src/middlewares/security.js:97:22)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:219:13\n at optionsCallback (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:199:9)\n at corsMiddleware (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:204:7)\n at Layer.handle [as handle_request] (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/layer.js:95:5)\n at trim_prefix (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:328:13)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:286:9\n at Function.process_params (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:346:12)\n at next (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:280:10)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express-rate-limit/dist/index.cjs:659:7","timestamp":"2025-06-07 15:18:01"} -{"level":"error","message":"UNEXPECTED ERROR 💥 Not allowed by CORS","service":"spurrinai-backend","stack":"Error: Not allowed by CORS\n at origin (/home/ubuntu/spurrin-cleaned-node/src/middlewares/security.js:97:22)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:219:13\n at optionsCallback (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:199:9)\n at corsMiddleware (/home/ubuntu/spurrin-cleaned-node/node_modules/cors/lib/index.js:204:7)\n at Layer.handle [as handle_request] (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/layer.js:95:5)\n at trim_prefix (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:328:13)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:286:9\n at Function.process_params (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:346:12)\n at next (/home/ubuntu/spurrin-cleaned-node/node_modules/express/lib/router/index.js:280:10)\n at /home/ubuntu/spurrin-cleaned-node/node_modules/express-rate-limit/dist/index.cjs:659:7","status":"error","statusCode":500,"timestamp":"2025-06-07 15:18:01"} -2025-06-07 17:20:04,305 - root - ERROR - [chat.py:1694] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-07 17:31:35,121 - root - ERROR - [chat.py:1694] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-07 18:59:58,460 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 18:59:59,488 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:00:00,495 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:00:20,085 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:00:21,094 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:00:22,103 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:00:38,372 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:00:39,382 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:00:40,387 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:03:14,956 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:03:15,964 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 19:03:16,970 - chat - ERROR - [app.py:875] - Exception on /flask-api/generate-answer [POST] -Traceback (most recent call last): - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 1511, in wsgi_app - response = self.full_dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 919, in full_dispatch_request - rv = self.handle_user_exception(e) - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask_cors/extension.py", line 176, in wrapped_function - return cors_after_request(app.make_response(f(*args, **kwargs))) - ^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 917, in full_dispatch_request - rv = self.dispatch_request() - ^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/venv/lib/python3.12/site-packages/flask/app.py", line 902, in dispatch_request - return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args) # type: ignore[no-any-return] - ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ - File "/home/ubuntu/spurrin-cleaned-node/chat.py", line 1449, in generate_answer - question=question, -TypeError: cannot unpack non-iterable coroutine object -2025-06-07 20:11:16,627 - root - ERROR - [chat.py:3759] - Error in ChromaDB fetch process: invalid literal for int() with base 10: "229'" -2025-06-08 11:50:24,616 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 11:51:04,055 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 11:51:24,473 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 13:00:58,804 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 13:01:35,921 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 13:06:39,668 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 18:43:30,831 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 18:47:43,882 - root - ERROR - [chat.py:3456] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 18:54:20,496 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 18:58:11,691 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:12:52,825 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:20:39,275 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:22:32,031 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:25:52,374 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:27:48,196 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:32:45,793 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:33:23,668 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:37:07,687 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 19:37:34,065 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 21:32:25,475 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 21:39:39,112 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-08 22:01:29,192 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 08:33:07,758 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 08:40:47,494 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:02:11,734 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:23:47,443 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:44:02,669 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:44:02,905 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:44:10,145 - root - ERROR - [chat.py:399] - Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -2025-06-09 09:44:10,148 - root - ERROR - [chat.py:399] - Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -2025-06-09 09:44:10,150 - root - ERROR - [chat.py:399] - Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -2025-06-09 09:44:10,150 - root - ERROR - [chat.py:399] - Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -2025-06-09 09:44:10,151 - root - ERROR - [chat.py:399] - Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -2025-06-09 09:44:10,154 - root - ERROR - [chat.py:399] - Error saving ICD data to JSON for hospital 240: [Errno 2] No such file or directory: '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json.tmp' -> '/home/ubuntu/spurrin-cleaned-node/hospital_data/hospital_240/icd_data.json' -2025-06-09 09:45:37,019 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:45:41,012 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:45:46,151 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:45:50,943 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:45:53,436 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:46:12,551 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 09:46:14,686 - root - ERROR - [chat.py:1299] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 13:03:46,719 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 13:04:09,169 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 13:05:37,658 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 13:20:14,654 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:22:55,622 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:23:38,899 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:28:06,701 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:32:26,852 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:32:53,553 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:35:10,487 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:36:59,953 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:38:11,324 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:39:57,795 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:41:12,969 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:43:29,632 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:43:48,129 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 14:50:29,272 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 15:47:23,058 - root - ERROR - [chat.py:1934] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 16:02:31,062 - root - ERROR - [chat.py:1935] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") -2025-06-09 16:11:44,795 - root - ERROR - [chat.py:1935] - Database update error: (1265, "Data truncated for column 'processed_status' at row 1") diff --git a/logs/performance.log b/logs/performance.log deleted file mode 100644 index e69de29..0000000 diff --git a/package-lock.json b/package-lock.json deleted file mode 100644 index bbfca56..0000000 --- a/package-lock.json +++ /dev/null @@ -1,8257 +0,0 @@ -{ - "name": "spurrinai-backend", - "version": "1.0.0", - "lockfileVersion": 3, - "requires": true, - "packages": { - "": { - "name": "spurrinai-backend", - "version": "1.0.0", - "license": "UNLICENSED", - "dependencies": { - "axios": "^1.7.9", - "bcrypt": "^5.1.1", - "compression": "^1.7.4", - "compromise": "^14.14.4", - "cors": "^2.8.5", - "dotenv": "^16.0.3", - "express": "^4.18.2", - "express-rate-limit": "^6.7.0", - "fast-levenshtein": "^3.0.0", - "form-data": "^4.0.1", - "helmet": "^7.0.0", - "joi": "^17.13.3", - "jsonwebtoken": "^9.0.0", - "multer": "^1.4.5-lts.1", - "mysql": "^2.18.1", - "mysql2": "^3.2.0", - "natural": "^8.0.1", - "node-cron": "^3.0.3", - "nodemailer": "^6.10.0", - "number-to-words": "^1.2.4", - "path": "^0.12.7", - "socket.io": "^4.8.1", - "stopword": "^3.1.4", - "string-similarity": "^4.0.4", - "uuid": "^11.0.5", - "winston": "^3.17.0", - "ws": "^8.13.0" - }, - "devDependencies": { - "eslint": "^8.38.0", - "eslint-config-prettier": "^8.8.0", - "eslint-plugin-prettier": "^4.2.1", - "jest": "^29.5.0", - "nodemon": "^2.0.22", - "prettier": "^2.8.7" - }, - "engines": { - "node": ">=14.0.0" - } - }, - "node_modules/@ampproject/remapping": { - "version": "2.3.0", - "resolved": "https://registry.npmjs.org/@ampproject/remapping/-/remapping-2.3.0.tgz", - "integrity": "sha512-30iZtAPgz+LTIYoeivqYo853f02jBYSd5uGnGpkFV0M3xOt9aN73erkgYAmZU43x4VfqcnLxW9Kpg3R5LC4YYw==", - "dev": true, - "license": "Apache-2.0", - "dependencies": { - "@jridgewell/gen-mapping": "^0.3.5", - "@jridgewell/trace-mapping": "^0.3.24" - }, - "engines": { - "node": ">=6.0.0" - } - }, - "node_modules/@babel/code-frame": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/code-frame/-/code-frame-7.27.1.tgz", - "integrity": "sha512-cjQ7ZlQ0Mv3b47hABuTevyTuYN4i+loJKGeV9flcCgIK37cCXRh+L1bd3iBHlynerhQ7BhCkn2BPbQUL+rGqFg==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-validator-identifier": "^7.27.1", - "js-tokens": "^4.0.0", - "picocolors": "^1.1.1" - }, - "engines": { - "node": ">=6.9.0" - } - }, - "node_modules/@babel/compat-data": { - "version": "7.27.2", - "resolved": "https://registry.npmjs.org/@babel/compat-data/-/compat-data-7.27.2.tgz", - "integrity": "sha512-TUtMJYRPyUb/9aU8f3K0mjmjf6M9N5Woshn2CS6nqJSeJtTtQcpLUXjGt9vbF8ZGff0El99sWkLgzwW3VXnxZQ==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=6.9.0" - } - }, - "node_modules/@babel/core": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/core/-/core-7.27.1.tgz", - "integrity": "sha512-IaaGWsQqfsQWVLqMn9OB92MNN7zukfVA4s7KKAI0KfrrDsZ0yhi5uV4baBuLuN7n3vsZpwP8asPPcVwApxvjBQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "@ampproject/remapping": "^2.2.0", - "@babel/code-frame": "^7.27.1", - "@babel/generator": "^7.27.1", - "@babel/helper-compilation-targets": "^7.27.1", - "@babel/helper-module-transforms": "^7.27.1", - "@babel/helpers": "^7.27.1", - "@babel/parser": "^7.27.1", - "@babel/template": "^7.27.1", - "@babel/traverse": "^7.27.1", - "@babel/types": "^7.27.1", - "convert-source-map": "^2.0.0", - "debug": "^4.1.0", - "gensync": "^1.0.0-beta.2", - "json5": "^2.2.3", - "semver": "^6.3.1" - }, - "engines": { - "node": ">=6.9.0" - }, - "funding": { - "type": "opencollective", - "url": "https://opencollective.com/babel" - } - }, - "node_modules/@babel/core/node_modules/debug": { - "version": "4.4.1", - "resolved": "https://registry.npmjs.org/debug/-/debug-4.4.1.tgz", - "integrity": "sha512-KcKCqiftBJcZr++7ykoDIEwSa3XWowTfNPo92BYxjXiyYEVrUQh2aLyhxBCwww+heortUFxEJYcRzosstTEBYQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "ms": "^2.1.3" - }, - "engines": { - "node": ">=6.0" - }, - "peerDependenciesMeta": { - "supports-color": { - "optional": true - } - } - }, - "node_modules/@babel/core/node_modules/ms": { - "version": "2.1.3", - "resolved": "https://registry.npmjs.org/ms/-/ms-2.1.3.tgz", - "integrity": "sha512-6FlzubTLZG3J2a/NVCAleEhjzq5oxgHyaCU9yYXvcLsvoVaHJq/s5xXI6/XXP6tz7R9xAOtHnSO/tXtF3WRTlA==", - "dev": true, - "license": "MIT" - }, - "node_modules/@babel/core/node_modules/semver": { - "version": "6.3.1", - "resolved": "https://registry.npmjs.org/semver/-/semver-6.3.1.tgz", - "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", - "dev": true, - "license": "ISC", - "bin": { - "semver": "bin/semver.js" - } - }, - "node_modules/@babel/generator": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/generator/-/generator-7.27.1.tgz", - "integrity": "sha512-UnJfnIpc/+JO0/+KRVQNGU+y5taA5vCbwN8+azkX6beii/ZF+enZJSOKo11ZSzGJjlNfJHfQtmQT8H+9TXPG2w==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/parser": "^7.27.1", - "@babel/types": "^7.27.1", - "@jridgewell/gen-mapping": "^0.3.5", - "@jridgewell/trace-mapping": "^0.3.25", - "jsesc": "^3.0.2" - }, - "engines": { - "node": ">=6.9.0" - } - }, - "node_modules/@babel/helper-compilation-targets": { - "version": "7.27.2", - "resolved": "https://registry.npmjs.org/@babel/helper-compilation-targets/-/helper-compilation-targets-7.27.2.tgz", - "integrity": "sha512-2+1thGUUWWjLTYTHZWK1n8Yga0ijBz1XAhUXcKy81rd5g6yh7hGqMp45v7cadSbEHc9G3OTv45SyneRN3ps4DQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/compat-data": "^7.27.2", - "@babel/helper-validator-option": "^7.27.1", - "browserslist": "^4.24.0", - "lru-cache": "^5.1.1", - "semver": "^6.3.1" - }, - "engines": { - "node": ">=6.9.0" - } - }, - "node_modules/@babel/helper-compilation-targets/node_modules/lru-cache": { - "version": "5.1.1", - "resolved": "https://registry.npmjs.org/lru-cache/-/lru-cache-5.1.1.tgz", - "integrity": "sha512-KpNARQA3Iwv+jTA0utUVVbrh+Jlrr1Fv0e56GGzAFOXN7dk/FviaDW8LHmK52DlcH4WP2n6gI8vN1aesBFgo9w==", - "dev": true, - "license": "ISC", - "dependencies": { - "yallist": "^3.0.2" - } - }, - "node_modules/@babel/helper-compilation-targets/node_modules/semver": { - "version": "6.3.1", - "resolved": "https://registry.npmjs.org/semver/-/semver-6.3.1.tgz", - "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", - "dev": true, - "license": "ISC", - "bin": { - "semver": "bin/semver.js" - } - }, - "node_modules/@babel/helper-compilation-targets/node_modules/yallist": { - "version": "3.1.1", - "resolved": "https://registry.npmjs.org/yallist/-/yallist-3.1.1.tgz", - "integrity": "sha512-a4UGQaWPH59mOXUYnAG2ewncQS4i4F43Tv3JoAM+s2VDAmS9NsK8GpDMLrCHPksFT7h3K6TOoUNn2pb7RoXx4g==", - "dev": true, - "license": "ISC" - }, - "node_modules/@babel/helper-module-imports": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/helper-module-imports/-/helper-module-imports-7.27.1.tgz", - "integrity": "sha512-0gSFWUPNXNopqtIPQvlD5WgXYI5GY2kP2cCvoT8kczjbfcfuIljTbcWrulD1CIPIX2gt1wghbDy08yE1p+/r3w==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/traverse": "^7.27.1", - "@babel/types": "^7.27.1" - }, - "engines": { - "node": ">=6.9.0" - } - }, - "node_modules/@babel/helper-module-transforms": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/helper-module-transforms/-/helper-module-transforms-7.27.1.tgz", - "integrity": "sha512-9yHn519/8KvTU5BjTVEEeIM3w9/2yXNKoD82JifINImhpKkARMJKPP59kLo+BafpdN5zgNeIcS4jsGDmd3l58g==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-module-imports": "^7.27.1", - "@babel/helper-validator-identifier": "^7.27.1", - "@babel/traverse": "^7.27.1" - }, - "engines": { - "node": ">=6.9.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0" - } - }, - "node_modules/@babel/helper-plugin-utils": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/helper-plugin-utils/-/helper-plugin-utils-7.27.1.tgz", - "integrity": "sha512-1gn1Up5YXka3YYAHGKpbideQ5Yjf1tDa9qYcgysz+cNCXukyLl6DjPXhD3VRwSb8c0J9tA4b2+rHEZtc6R0tlw==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=6.9.0" - } - }, - "node_modules/@babel/helper-string-parser": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/helper-string-parser/-/helper-string-parser-7.27.1.tgz", - "integrity": "sha512-qMlSxKbpRlAridDExk92nSobyDdpPijUq2DW6oDnUqd0iOGxmQjyqhMIihI9+zv4LPyZdRje2cavWPbCbWm3eA==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=6.9.0" - } - }, - "node_modules/@babel/helper-validator-identifier": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/helper-validator-identifier/-/helper-validator-identifier-7.27.1.tgz", - "integrity": "sha512-D2hP9eA+Sqx1kBZgzxZh0y1trbuU+JoDkiEwqhQ36nodYqJwyEIhPSdMNd7lOm/4io72luTPWH20Yda0xOuUow==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=6.9.0" - } - }, - "node_modules/@babel/helper-validator-option": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/helper-validator-option/-/helper-validator-option-7.27.1.tgz", - "integrity": "sha512-YvjJow9FxbhFFKDSuFnVCe2WxXk1zWc22fFePVNEaWJEu8IrZVlda6N0uHwzZrUM1il7NC9Mlp4MaJYbYd9JSg==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=6.9.0" - } - }, - "node_modules/@babel/helpers": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/helpers/-/helpers-7.27.1.tgz", - "integrity": "sha512-FCvFTm0sWV8Fxhpp2McP5/W53GPllQ9QeQ7SiqGWjMf/LVG07lFa5+pgK05IRhVwtvafT22KF+ZSnM9I545CvQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/template": "^7.27.1", - "@babel/types": "^7.27.1" - }, - "engines": { - "node": ">=6.9.0" - } - }, - "node_modules/@babel/parser": { - "version": "7.27.2", - "resolved": "https://registry.npmjs.org/@babel/parser/-/parser-7.27.2.tgz", - "integrity": "sha512-QYLs8299NA7WM/bZAdp+CviYYkVoYXlDW2rzliy3chxd1PQjej7JORuMJDJXJUb9g0TT+B99EwaVLKmX+sPXWw==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/types": "^7.27.1" - }, - "bin": { - "parser": "bin/babel-parser.js" - }, - "engines": { - "node": ">=6.0.0" - } - }, - "node_modules/@babel/plugin-syntax-async-generators": { - "version": "7.8.4", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-async-generators/-/plugin-syntax-async-generators-7.8.4.tgz", - "integrity": "sha512-tycmZxkGfZaxhMRbXlPXuVFpdWlXpir2W4AMhSJgRKzk/eDlIXOhb2LHWoLpDF7TEHylV5zNhykX6KAgHJmTNw==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.8.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-bigint": { - "version": "7.8.3", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-bigint/-/plugin-syntax-bigint-7.8.3.tgz", - "integrity": "sha512-wnTnFlG+YxQm3vDxpGE57Pj0srRU4sHE/mDkt1qv2YJJSeUAec2ma4WLUnUPeKjyrfntVwe/N6dCXpU+zL3Npg==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.8.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-class-properties": { - "version": "7.12.13", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-class-properties/-/plugin-syntax-class-properties-7.12.13.tgz", - "integrity": "sha512-fm4idjKla0YahUNgFNLCB0qySdsoPiZP3iQE3rky0mBUtMZ23yDJ9SJdg6dXTSDnulOVqiF3Hgr9nbXvXTQZYA==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.12.13" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-class-static-block": { - "version": "7.14.5", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-class-static-block/-/plugin-syntax-class-static-block-7.14.5.tgz", - "integrity": "sha512-b+YyPmr6ldyNnM6sqYeMWE+bgJcJpO6yS4QD7ymxgH34GBPNDM/THBh8iunyvKIZztiwLH4CJZ0RxTk9emgpjw==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.14.5" - }, - "engines": { - "node": ">=6.9.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-import-attributes": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-import-attributes/-/plugin-syntax-import-attributes-7.27.1.tgz", - "integrity": "sha512-oFT0FrKHgF53f4vOsZGi2Hh3I35PfSmVs4IBFLFj4dnafP+hIWDLg3VyKmUHfLoLHlyxY4C7DGtmHuJgn+IGww==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.27.1" - }, - "engines": { - "node": ">=6.9.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-import-meta": { - "version": "7.10.4", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-import-meta/-/plugin-syntax-import-meta-7.10.4.tgz", - "integrity": "sha512-Yqfm+XDx0+Prh3VSeEQCPU81yC+JWZ2pDPFSS4ZdpfZhp4MkFMaDC1UqseovEKwSUpnIL7+vK+Clp7bfh0iD7g==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.10.4" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-json-strings": { - "version": "7.8.3", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-json-strings/-/plugin-syntax-json-strings-7.8.3.tgz", - "integrity": "sha512-lY6kdGpWHvjoe2vk4WrAapEuBR69EMxZl+RoGRhrFGNYVK8mOPAW8VfbT/ZgrFbXlDNiiaxQnAtgVCZ6jv30EA==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.8.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-jsx": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-jsx/-/plugin-syntax-jsx-7.27.1.tgz", - "integrity": "sha512-y8YTNIeKoyhGd9O0Jiyzyyqk8gdjnumGTQPsz0xOZOQ2RmkVJeZ1vmmfIvFEKqucBG6axJGBZDE/7iI5suUI/w==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.27.1" - }, - "engines": { - "node": ">=6.9.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-logical-assignment-operators": { - "version": "7.10.4", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-logical-assignment-operators/-/plugin-syntax-logical-assignment-operators-7.10.4.tgz", - "integrity": "sha512-d8waShlpFDinQ5MtvGU9xDAOzKH47+FFoney2baFIoMr952hKOLp1HR7VszoZvOsV/4+RRszNY7D17ba0te0ig==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.10.4" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-nullish-coalescing-operator": { - "version": "7.8.3", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-nullish-coalescing-operator/-/plugin-syntax-nullish-coalescing-operator-7.8.3.tgz", - "integrity": "sha512-aSff4zPII1u2QD7y+F8oDsz19ew4IGEJg9SVW+bqwpwtfFleiQDMdzA/R+UlWDzfnHFCxxleFT0PMIrR36XLNQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.8.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-numeric-separator": { - "version": "7.10.4", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-numeric-separator/-/plugin-syntax-numeric-separator-7.10.4.tgz", - "integrity": "sha512-9H6YdfkcK/uOnY/K7/aA2xpzaAgkQn37yzWUMRK7OaPOqOpGS1+n0H5hxT9AUw9EsSjPW8SVyMJwYRtWs3X3ug==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.10.4" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-object-rest-spread": { - "version": "7.8.3", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-object-rest-spread/-/plugin-syntax-object-rest-spread-7.8.3.tgz", - "integrity": "sha512-XoqMijGZb9y3y2XskN+P1wUGiVwWZ5JmoDRwx5+3GmEplNyVM2s2Dg8ILFQm8rWM48orGy5YpI5Bl8U1y7ydlA==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.8.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-optional-catch-binding": { - "version": "7.8.3", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-optional-catch-binding/-/plugin-syntax-optional-catch-binding-7.8.3.tgz", - "integrity": "sha512-6VPD0Pc1lpTqw0aKoeRTMiB+kWhAoT24PA+ksWSBrFtl5SIRVpZlwN3NNPQjehA2E/91FV3RjLWoVTglWcSV3Q==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.8.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-optional-chaining": { - "version": "7.8.3", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-optional-chaining/-/plugin-syntax-optional-chaining-7.8.3.tgz", - "integrity": "sha512-KoK9ErH1MBlCPxV0VANkXW2/dw4vlbGDrFgz8bmUsBGYkFRcbRwMh6cIJubdPrkxRwuGdtCk0v/wPTKbQgBjkg==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.8.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-private-property-in-object": { - "version": "7.14.5", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-private-property-in-object/-/plugin-syntax-private-property-in-object-7.14.5.tgz", - "integrity": "sha512-0wVnp9dxJ72ZUJDV27ZfbSj6iHLoytYZmh3rFcxNnvsJF3ktkzLDZPy/mA17HGsaQT3/DQsWYX1f1QGWkCoVUg==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.14.5" - }, - "engines": { - "node": ">=6.9.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-top-level-await": { - "version": "7.14.5", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-top-level-await/-/plugin-syntax-top-level-await-7.14.5.tgz", - "integrity": "sha512-hx++upLv5U1rgYfwe1xBQUhRmU41NEvpUvrp8jkrSCdvGSnM5/qdRMtylJ6PG5OFkBaHkbTAKTnd3/YyESRHFw==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.14.5" - }, - "engines": { - "node": ">=6.9.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/plugin-syntax-typescript": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/plugin-syntax-typescript/-/plugin-syntax-typescript-7.27.1.tgz", - "integrity": "sha512-xfYCBMxveHrRMnAWl1ZlPXOZjzkN82THFvLhQhFXFt81Z5HnN+EtUkZhv/zcKpmT3fzmWZB0ywiBrbC3vogbwQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-plugin-utils": "^7.27.1" - }, - "engines": { - "node": ">=6.9.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0-0" - } - }, - "node_modules/@babel/template": { - "version": "7.27.2", - "resolved": "https://registry.npmjs.org/@babel/template/-/template-7.27.2.tgz", - "integrity": "sha512-LPDZ85aEJyYSd18/DkjNh4/y1ntkE5KwUHWTiqgRxruuZL2F1yuHligVHLvcHY2vMHXttKFpJn6LwfI7cw7ODw==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/code-frame": "^7.27.1", - "@babel/parser": "^7.27.2", - "@babel/types": "^7.27.1" - }, - "engines": { - "node": ">=6.9.0" - } - }, - "node_modules/@babel/traverse": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/traverse/-/traverse-7.27.1.tgz", - "integrity": "sha512-ZCYtZciz1IWJB4U61UPu4KEaqyfj+r5T1Q5mqPo+IBpcG9kHv30Z0aD8LXPgC1trYa6rK0orRyAhqUgk4MjmEg==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/code-frame": "^7.27.1", - "@babel/generator": "^7.27.1", - "@babel/parser": "^7.27.1", - "@babel/template": "^7.27.1", - "@babel/types": "^7.27.1", - "debug": "^4.3.1", - "globals": "^11.1.0" - }, - "engines": { - "node": ">=6.9.0" - } - }, - "node_modules/@babel/traverse/node_modules/debug": { - "version": "4.4.1", - "resolved": "https://registry.npmjs.org/debug/-/debug-4.4.1.tgz", - "integrity": "sha512-KcKCqiftBJcZr++7ykoDIEwSa3XWowTfNPo92BYxjXiyYEVrUQh2aLyhxBCwww+heortUFxEJYcRzosstTEBYQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "ms": "^2.1.3" - }, - "engines": { - "node": ">=6.0" - }, - "peerDependenciesMeta": { - "supports-color": { - "optional": true - } - } - }, - "node_modules/@babel/traverse/node_modules/globals": { - "version": "11.12.0", - "resolved": "https://registry.npmjs.org/globals/-/globals-11.12.0.tgz", - "integrity": "sha512-WOBp/EEGUiIsJSp7wcv/y6MO+lV9UoncWqxuFfm8eBwzWNgyfBd6Gz+IeKQ9jCmyhoH99g15M3T+QaVHFjizVA==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=4" - } - }, - "node_modules/@babel/traverse/node_modules/ms": { - "version": "2.1.3", - "resolved": "https://registry.npmjs.org/ms/-/ms-2.1.3.tgz", - "integrity": "sha512-6FlzubTLZG3J2a/NVCAleEhjzq5oxgHyaCU9yYXvcLsvoVaHJq/s5xXI6/XXP6tz7R9xAOtHnSO/tXtF3WRTlA==", - "dev": true, - "license": "MIT" - }, - "node_modules/@babel/types": { - "version": "7.27.1", - "resolved": "https://registry.npmjs.org/@babel/types/-/types-7.27.1.tgz", - "integrity": "sha512-+EzkxvLNfiUeKMgy/3luqfsCWFRXLb7U6wNQTk60tovuckwB15B191tJWvpp4HjiQWdJkCxO3Wbvc6jlk3Xb2Q==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/helper-string-parser": "^7.27.1", - "@babel/helper-validator-identifier": "^7.27.1" - }, - "engines": { - "node": ">=6.9.0" - } - }, - "node_modules/@bcoe/v8-coverage": { - "version": "0.2.3", - "resolved": "https://registry.npmjs.org/@bcoe/v8-coverage/-/v8-coverage-0.2.3.tgz", - "integrity": "sha512-0hYQ8SB4Db5zvZB4axdMHGwEaQjkZzFjQiN9LVYvIFB2nSUHW9tYpxWriPrWDASIxiaXax83REcLxuSdnGPZtw==", - "dev": true, - "license": "MIT" - }, - "node_modules/@colors/colors": { - "version": "1.6.0", - "resolved": "https://registry.npmjs.org/@colors/colors/-/colors-1.6.0.tgz", - "integrity": "sha512-Ir+AOibqzrIsL6ajt3Rz3LskB7OiMVHqltZmspbW/TJuTVuyOMirVqAkjfY6JISiLHgyNqicAC8AyHHGzNd/dA==", - "license": "MIT", - "engines": { - "node": ">=0.1.90" - } - }, - "node_modules/@dabh/diagnostics": { - "version": "2.0.3", - "resolved": "https://registry.npmjs.org/@dabh/diagnostics/-/diagnostics-2.0.3.tgz", - "integrity": "sha512-hrlQOIi7hAfzsMqlGSFyVucrx38O+j6wiGOf//H2ecvIEqYN4ADBSS2iLMh5UFyDunCNniUIPk/q3riFv45xRA==", - "license": "MIT", - "dependencies": { - "colorspace": "1.1.x", - "enabled": "2.0.x", - "kuler": "^2.0.0" - } - }, - "node_modules/@eslint-community/eslint-utils": { - "version": "4.7.0", - "resolved": "https://registry.npmjs.org/@eslint-community/eslint-utils/-/eslint-utils-4.7.0.tgz", - "integrity": "sha512-dyybb3AcajC7uha6CvhdVRJqaKyn7w2YKqKyAN37NKYgZT36w+iRb0Dymmc5qEJ549c/S31cMMSFd75bteCpCw==", - "dev": true, - "license": "MIT", - "dependencies": { - "eslint-visitor-keys": "^3.4.3" - }, - "engines": { - "node": "^12.22.0 || ^14.17.0 || >=16.0.0" - }, - "funding": { - "url": "https://opencollective.com/eslint" - }, - "peerDependencies": { - "eslint": "^6.0.0 || ^7.0.0 || >=8.0.0" - } - }, - "node_modules/@eslint-community/regexpp": { - "version": "4.12.1", - "resolved": "https://registry.npmjs.org/@eslint-community/regexpp/-/regexpp-4.12.1.tgz", - "integrity": "sha512-CCZCDJuduB9OUkFkY2IgppNZMi2lBQgD2qzwXkEia16cge2pijY/aXi96CJMquDMn3nJdlPV1A5KrJEXwfLNzQ==", - "dev": true, - "license": "MIT", - "engines": { - "node": "^12.0.0 || ^14.0.0 || >=16.0.0" - } - }, - "node_modules/@eslint/eslintrc": { - "version": "2.1.4", - "resolved": "https://registry.npmjs.org/@eslint/eslintrc/-/eslintrc-2.1.4.tgz", - "integrity": "sha512-269Z39MS6wVJtsoUl10L60WdkhJVdPG24Q4eZTH3nnF6lpvSShEK3wQjDX9JRWAUPvPh7COouPpU9IrqaZFvtQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "ajv": "^6.12.4", - "debug": "^4.3.2", - "espree": "^9.6.0", - "globals": "^13.19.0", - "ignore": "^5.2.0", - "import-fresh": "^3.2.1", - "js-yaml": "^4.1.0", - "minimatch": "^3.1.2", - "strip-json-comments": "^3.1.1" - }, - "engines": { - "node": "^12.22.0 || ^14.17.0 || >=16.0.0" - }, - "funding": { - "url": "https://opencollective.com/eslint" - } - }, - "node_modules/@eslint/eslintrc/node_modules/debug": { - "version": "4.4.1", - "resolved": "https://registry.npmjs.org/debug/-/debug-4.4.1.tgz", - "integrity": "sha512-KcKCqiftBJcZr++7ykoDIEwSa3XWowTfNPo92BYxjXiyYEVrUQh2aLyhxBCwww+heortUFxEJYcRzosstTEBYQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "ms": "^2.1.3" - }, - "engines": { - "node": ">=6.0" - }, - "peerDependenciesMeta": { - "supports-color": { - "optional": true - } - } - }, - "node_modules/@eslint/eslintrc/node_modules/ms": { - "version": "2.1.3", - "resolved": "https://registry.npmjs.org/ms/-/ms-2.1.3.tgz", - "integrity": "sha512-6FlzubTLZG3J2a/NVCAleEhjzq5oxgHyaCU9yYXvcLsvoVaHJq/s5xXI6/XXP6tz7R9xAOtHnSO/tXtF3WRTlA==", - "dev": true, - "license": "MIT" - }, - "node_modules/@eslint/js": { - "version": "8.57.1", - "resolved": "https://registry.npmjs.org/@eslint/js/-/js-8.57.1.tgz", - "integrity": "sha512-d9zaMRSTIKDLhctzH12MtXvJKSSUhaHcjV+2Z+GK+EEY7XKpP5yR4x+N3TAcHTcu963nIr+TMcCb4DBCYX1z6Q==", - "dev": true, - "license": "MIT", - "engines": { - "node": "^12.22.0 || ^14.17.0 || >=16.0.0" - } - }, - "node_modules/@hapi/hoek": { - "version": "9.3.0", - "resolved": "https://registry.npmjs.org/@hapi/hoek/-/hoek-9.3.0.tgz", - "integrity": "sha512-/c6rf4UJlmHlC9b5BaNvzAcFv7HZ2QHaV0D4/HNlBdvFnvQq8RI4kYdhyPCl7Xj+oWvTWQ8ujhqS53LIgAe6KQ==", - "license": "BSD-3-Clause" - }, - "node_modules/@hapi/topo": { - "version": "5.1.0", - "resolved": "https://registry.npmjs.org/@hapi/topo/-/topo-5.1.0.tgz", - "integrity": "sha512-foQZKJig7Ob0BMAYBfcJk8d77QtOe7Wo4ox7ff1lQYoNNAb6jwcY1ncdoy2e9wQZzvNy7ODZCYJkK8kzmcAnAg==", - "license": "BSD-3-Clause", - "dependencies": { - "@hapi/hoek": "^9.0.0" - } - }, - "node_modules/@humanwhocodes/config-array": { - "version": "0.13.0", - "resolved": "https://registry.npmjs.org/@humanwhocodes/config-array/-/config-array-0.13.0.tgz", - "integrity": "sha512-DZLEEqFWQFiyK6h5YIeynKx7JlvCYWL0cImfSRXZ9l4Sg2efkFGTuFf6vzXjK1cq6IYkU+Eg/JizXw+TD2vRNw==", - "deprecated": "Use @eslint/config-array instead", - "dev": true, - "license": "Apache-2.0", - "dependencies": { - "@humanwhocodes/object-schema": "^2.0.3", - "debug": "^4.3.1", - "minimatch": "^3.0.5" - }, - "engines": { - "node": ">=10.10.0" - } - }, - "node_modules/@humanwhocodes/config-array/node_modules/debug": { - "version": "4.4.1", - "resolved": "https://registry.npmjs.org/debug/-/debug-4.4.1.tgz", - "integrity": "sha512-KcKCqiftBJcZr++7ykoDIEwSa3XWowTfNPo92BYxjXiyYEVrUQh2aLyhxBCwww+heortUFxEJYcRzosstTEBYQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "ms": "^2.1.3" - }, - "engines": { - "node": ">=6.0" - }, - "peerDependenciesMeta": { - "supports-color": { - "optional": true - } - } - }, - "node_modules/@humanwhocodes/config-array/node_modules/ms": { - "version": "2.1.3", - "resolved": "https://registry.npmjs.org/ms/-/ms-2.1.3.tgz", - "integrity": "sha512-6FlzubTLZG3J2a/NVCAleEhjzq5oxgHyaCU9yYXvcLsvoVaHJq/s5xXI6/XXP6tz7R9xAOtHnSO/tXtF3WRTlA==", - "dev": true, - "license": "MIT" - }, - "node_modules/@humanwhocodes/module-importer": { - "version": "1.0.1", - "resolved": "https://registry.npmjs.org/@humanwhocodes/module-importer/-/module-importer-1.0.1.tgz", - "integrity": "sha512-bxveV4V8v5Yb4ncFTT3rPSgZBOpCkjfK0y4oVVVJwIuDVBRMDXrPyXRL988i5ap9m9bnyEEjWfm5WkBmtffLfA==", - "dev": true, - "license": "Apache-2.0", - "engines": { - "node": ">=12.22" - }, - "funding": { - "type": "github", - "url": "https://github.com/sponsors/nzakas" - } - }, - "node_modules/@humanwhocodes/object-schema": { - "version": "2.0.3", - "resolved": "https://registry.npmjs.org/@humanwhocodes/object-schema/-/object-schema-2.0.3.tgz", - "integrity": "sha512-93zYdMES/c1D69yZiKDBj0V24vqNzB/koF26KPaagAfd3P/4gUlh3Dys5ogAK+Exi9QyzlD8x/08Zt7wIKcDcA==", - "deprecated": "Use @eslint/object-schema instead", - "dev": true, - "license": "BSD-3-Clause" - }, - "node_modules/@istanbuljs/load-nyc-config": { - "version": "1.1.0", - "resolved": "https://registry.npmjs.org/@istanbuljs/load-nyc-config/-/load-nyc-config-1.1.0.tgz", - "integrity": "sha512-VjeHSlIzpv/NyD3N0YuHfXOPDIixcA1q2ZV98wsMqcYlPmv2n3Yb2lYP9XMElnaFVXg5A7YLTeLu6V84uQDjmQ==", - "dev": true, - "license": "ISC", - "dependencies": { - "camelcase": "^5.3.1", - "find-up": "^4.1.0", - "get-package-type": "^0.1.0", - "js-yaml": "^3.13.1", - "resolve-from": "^5.0.0" - }, - "engines": { - "node": ">=8" - } - }, - "node_modules/@istanbuljs/load-nyc-config/node_modules/argparse": { - "version": "1.0.10", - "resolved": "https://registry.npmjs.org/argparse/-/argparse-1.0.10.tgz", - "integrity": "sha512-o5Roy6tNG4SL/FOkCAN6RzjiakZS25RLYFrcMttJqbdd8BWrnA+fGz57iN5Pb06pvBGvl5gQ0B48dJlslXvoTg==", - "dev": true, - "license": "MIT", - "dependencies": { - "sprintf-js": "~1.0.2" - } - }, - "node_modules/@istanbuljs/load-nyc-config/node_modules/find-up": { - "version": "4.1.0", - "resolved": "https://registry.npmjs.org/find-up/-/find-up-4.1.0.tgz", - "integrity": "sha512-PpOwAdQ/YlXQ2vj8a3h8IipDuYRi3wceVQQGYWxNINccq40Anw7BlsEXCMbt1Zt+OLA6Fq9suIpIWD0OsnISlw==", - "dev": true, - "license": "MIT", - "dependencies": { - "locate-path": "^5.0.0", - "path-exists": "^4.0.0" - }, - "engines": { - "node": ">=8" - } - }, - "node_modules/@istanbuljs/load-nyc-config/node_modules/js-yaml": { - "version": "3.14.1", - "resolved": "https://registry.npmjs.org/js-yaml/-/js-yaml-3.14.1.tgz", - "integrity": "sha512-okMH7OXXJ7YrN9Ok3/SXrnu4iX9yOk+25nqX4imS2npuvTYDmo/QEZoqwZkYaIDk3jVvBOTOIEgEhaLOynBS9g==", - "dev": true, - "license": "MIT", - "dependencies": { - "argparse": "^1.0.7", - "esprima": "^4.0.0" - }, - "bin": { - "js-yaml": "bin/js-yaml.js" - } - }, - "node_modules/@istanbuljs/load-nyc-config/node_modules/locate-path": { - "version": "5.0.0", - "resolved": "https://registry.npmjs.org/locate-path/-/locate-path-5.0.0.tgz", - "integrity": "sha512-t7hw9pI+WvuwNJXwk5zVHpyhIqzg2qTlklJOf0mVxGSbe3Fp2VieZcduNYjaLDoy6p9uGpQEGWG87WpMKlNq8g==", - "dev": true, - "license": "MIT", - "dependencies": { - "p-locate": "^4.1.0" - }, - "engines": { - "node": ">=8" - } - }, - "node_modules/@istanbuljs/load-nyc-config/node_modules/p-limit": { - "version": "2.3.0", - "resolved": "https://registry.npmjs.org/p-limit/-/p-limit-2.3.0.tgz", - "integrity": "sha512-//88mFWSJx8lxCzwdAABTJL2MyWB12+eIY7MDL2SqLmAkeKU9qxRvWuSyTjm3FUmpBEMuFfckAIqEaVGUDxb6w==", - "dev": true, - "license": "MIT", - "dependencies": { - "p-try": "^2.0.0" - }, - "engines": { - "node": ">=6" - }, - "funding": { - "url": "https://github.com/sponsors/sindresorhus" - } - }, - "node_modules/@istanbuljs/load-nyc-config/node_modules/p-locate": { - "version": "4.1.0", - "resolved": "https://registry.npmjs.org/p-locate/-/p-locate-4.1.0.tgz", - "integrity": "sha512-R79ZZ/0wAxKGu3oYMlz8jy/kbhsNrS7SKZ7PxEHBgJ5+F2mtFW2fK2cOtBh1cHYkQsbzFV7I+EoRKe6Yt0oK7A==", - "dev": true, - "license": "MIT", - "dependencies": { - "p-limit": "^2.2.0" - }, - "engines": { - "node": ">=8" - } - }, - "node_modules/@istanbuljs/load-nyc-config/node_modules/resolve-from": { - "version": "5.0.0", - "resolved": "https://registry.npmjs.org/resolve-from/-/resolve-from-5.0.0.tgz", - "integrity": "sha512-qYg9KP24dD5qka9J47d0aVky0N+b4fTU89LN9iDnjB5waksiC49rvMB0PrUJQGoTmH50XPiqOvAjDfaijGxYZw==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=8" - } - }, - "node_modules/@istanbuljs/schema": { - "version": "0.1.3", - "resolved": "https://registry.npmjs.org/@istanbuljs/schema/-/schema-0.1.3.tgz", - "integrity": "sha512-ZXRY4jNvVgSVQ8DL3LTcakaAtXwTVUxE81hslsyD2AtoXW/wVob10HkOJ1X/pAlcI7D+2YoZKg5do8G/w6RYgA==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=8" - } - }, - "node_modules/@jest/console": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/@jest/console/-/console-29.7.0.tgz", - "integrity": "sha512-5Ni4CU7XHQi32IJ398EEP4RrB8eV09sXP2ROqD4bksHrnTree52PsxvX8tpL8LvTZ3pFzXyPbNQReSN41CAhOg==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jest/types": "^29.6.3", - "@types/node": "*", - "chalk": "^4.0.0", - "jest-message-util": "^29.7.0", - "jest-util": "^29.7.0", - "slash": "^3.0.0" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/@jest/core": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/@jest/core/-/core-29.7.0.tgz", - "integrity": "sha512-n7aeXWKMnGtDA48y8TLWJPJmLmmZ642Ceo78cYWEpiD7FzDgmNDV/GCVRorPABdXLJZ/9wzzgZAlHjXjxDHGsg==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jest/console": "^29.7.0", - "@jest/reporters": "^29.7.0", - "@jest/test-result": "^29.7.0", - "@jest/transform": "^29.7.0", - "@jest/types": "^29.6.3", - "@types/node": "*", - "ansi-escapes": "^4.2.1", - "chalk": "^4.0.0", - "ci-info": "^3.2.0", - "exit": "^0.1.2", - "graceful-fs": "^4.2.9", - "jest-changed-files": "^29.7.0", - "jest-config": "^29.7.0", - "jest-haste-map": "^29.7.0", - "jest-message-util": "^29.7.0", - "jest-regex-util": "^29.6.3", - "jest-resolve": "^29.7.0", - "jest-resolve-dependencies": "^29.7.0", - "jest-runner": "^29.7.0", - "jest-runtime": "^29.7.0", - "jest-snapshot": "^29.7.0", - "jest-util": "^29.7.0", - "jest-validate": "^29.7.0", - "jest-watcher": "^29.7.0", - "micromatch": "^4.0.4", - "pretty-format": "^29.7.0", - "slash": "^3.0.0", - "strip-ansi": "^6.0.0" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - }, - "peerDependencies": { - "node-notifier": "^8.0.1 || ^9.0.0 || ^10.0.0" - }, - "peerDependenciesMeta": { - "node-notifier": { - "optional": true - } - } - }, - "node_modules/@jest/environment": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/@jest/environment/-/environment-29.7.0.tgz", - "integrity": "sha512-aQIfHDq33ExsN4jP1NWGXhxgQ/wixs60gDiKO+XVMd8Mn0NWPWgc34ZQDTb2jKaUWQ7MuwoitXAsN2XVXNMpAw==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jest/fake-timers": "^29.7.0", - "@jest/types": "^29.6.3", - "@types/node": "*", - "jest-mock": "^29.7.0" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/@jest/expect": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/@jest/expect/-/expect-29.7.0.tgz", - "integrity": "sha512-8uMeAMycttpva3P1lBHB8VciS9V0XAr3GymPpipdyQXbBcuhkLQOSe8E/p92RyAdToS6ZD1tFkX+CkhoECE0dQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "expect": "^29.7.0", - "jest-snapshot": "^29.7.0" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/@jest/expect-utils": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/@jest/expect-utils/-/expect-utils-29.7.0.tgz", - "integrity": "sha512-GlsNBWiFQFCVi9QVSx7f5AgMeLxe9YCCs5PuP2O2LdjDAA8Jh9eX7lA1Jq/xdXw3Wb3hyvlFNfZIfcRetSzYcA==", - "dev": true, - "license": "MIT", - "dependencies": { - "jest-get-type": "^29.6.3" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/@jest/fake-timers": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/@jest/fake-timers/-/fake-timers-29.7.0.tgz", - "integrity": "sha512-q4DH1Ha4TTFPdxLsqDXK1d3+ioSL7yL5oCMJZgDYm6i+6CygW5E5xVr/D1HdsGxjt1ZWSfUAs9OxSB/BNelWrQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jest/types": "^29.6.3", - "@sinonjs/fake-timers": "^10.0.2", - "@types/node": "*", - "jest-message-util": "^29.7.0", - "jest-mock": "^29.7.0", - "jest-util": "^29.7.0" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/@jest/globals": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/@jest/globals/-/globals-29.7.0.tgz", - "integrity": "sha512-mpiz3dutLbkW2MNFubUGUEVLkTGiqW6yLVTA+JbP6fI6J5iL9Y0Nlg8k95pcF8ctKwCS7WVxteBs29hhfAotzQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jest/environment": "^29.7.0", - "@jest/expect": "^29.7.0", - "@jest/types": "^29.6.3", - "jest-mock": "^29.7.0" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/@jest/reporters": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/@jest/reporters/-/reporters-29.7.0.tgz", - "integrity": "sha512-DApq0KJbJOEzAFYjHADNNxAE3KbhxQB1y5Kplb5Waqw6zVbuWatSnMjE5gs8FUgEPmNsnZA3NCWl9NG0ia04Pg==", - "dev": true, - "license": "MIT", - "dependencies": { - "@bcoe/v8-coverage": "^0.2.3", - "@jest/console": "^29.7.0", - "@jest/test-result": "^29.7.0", - "@jest/transform": "^29.7.0", - "@jest/types": "^29.6.3", - "@jridgewell/trace-mapping": "^0.3.18", - "@types/node": "*", - "chalk": "^4.0.0", - "collect-v8-coverage": "^1.0.0", - "exit": "^0.1.2", - "glob": "^7.1.3", - "graceful-fs": "^4.2.9", - "istanbul-lib-coverage": "^3.0.0", - "istanbul-lib-instrument": "^6.0.0", - "istanbul-lib-report": "^3.0.0", - "istanbul-lib-source-maps": "^4.0.0", - "istanbul-reports": "^3.1.3", - "jest-message-util": "^29.7.0", - "jest-util": "^29.7.0", - "jest-worker": "^29.7.0", - "slash": "^3.0.0", - "string-length": "^4.0.1", - "strip-ansi": "^6.0.0", - "v8-to-istanbul": "^9.0.1" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - }, - "peerDependencies": { - "node-notifier": "^8.0.1 || ^9.0.0 || ^10.0.0" - }, - "peerDependenciesMeta": { - "node-notifier": { - "optional": true - } - } - }, - "node_modules/@jest/schemas": { - "version": "29.6.3", - "resolved": "https://registry.npmjs.org/@jest/schemas/-/schemas-29.6.3.tgz", - "integrity": "sha512-mo5j5X+jIZmJQveBKeS/clAueipV7KgiX1vMgCxam1RNYiqE1w62n0/tJJnHtjW8ZHcQco5gY85jA3mi0L+nSA==", - "dev": true, - "license": "MIT", - "dependencies": { - "@sinclair/typebox": "^0.27.8" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/@jest/source-map": { - "version": "29.6.3", - "resolved": "https://registry.npmjs.org/@jest/source-map/-/source-map-29.6.3.tgz", - "integrity": "sha512-MHjT95QuipcPrpLM+8JMSzFx6eHp5Bm+4XeFDJlwsvVBjmKNiIAvasGK2fxz2WbGRlnvqehFbh07MMa7n3YJnw==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jridgewell/trace-mapping": "^0.3.18", - "callsites": "^3.0.0", - "graceful-fs": "^4.2.9" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/@jest/test-result": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/@jest/test-result/-/test-result-29.7.0.tgz", - "integrity": "sha512-Fdx+tv6x1zlkJPcWXmMDAG2HBnaR9XPSd5aDWQVsfrZmLVT3lU1cwyxLgRmXR9yrq4NBoEm9BMsfgFzTQAbJYA==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jest/console": "^29.7.0", - "@jest/types": "^29.6.3", - "@types/istanbul-lib-coverage": "^2.0.0", - "collect-v8-coverage": "^1.0.0" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/@jest/test-sequencer": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/@jest/test-sequencer/-/test-sequencer-29.7.0.tgz", - "integrity": "sha512-GQwJ5WZVrKnOJuiYiAF52UNUJXgTZx1NHjFSEB0qEMmSZKAkdMoIzw/Cj6x6NF4AvV23AUqDpFzQkN/eYCYTxw==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jest/test-result": "^29.7.0", - "graceful-fs": "^4.2.9", - "jest-haste-map": "^29.7.0", - "slash": "^3.0.0" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/@jest/transform": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/@jest/transform/-/transform-29.7.0.tgz", - "integrity": "sha512-ok/BTPFzFKVMwO5eOHRrvnBVHdRy9IrsrW1GpMaQ9MCnilNLXQKmAX8s1YXDFaai9xJpac2ySzV0YeRRECr2Vw==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/core": "^7.11.6", - "@jest/types": "^29.6.3", - "@jridgewell/trace-mapping": "^0.3.18", - "babel-plugin-istanbul": "^6.1.1", - "chalk": "^4.0.0", - "convert-source-map": "^2.0.0", - "fast-json-stable-stringify": "^2.1.0", - "graceful-fs": "^4.2.9", - "jest-haste-map": "^29.7.0", - "jest-regex-util": "^29.6.3", - "jest-util": "^29.7.0", - "micromatch": "^4.0.4", - "pirates": "^4.0.4", - "slash": "^3.0.0", - "write-file-atomic": "^4.0.2" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/@jest/types": { - "version": "29.6.3", - "resolved": "https://registry.npmjs.org/@jest/types/-/types-29.6.3.tgz", - "integrity": "sha512-u3UPsIilWKOM3F9CXtrG8LEJmNxwoCQC/XVj4IKYXvvpx7QIi/Kg1LI5uDmDpKlac62NUtX7eLjRh+jVZcLOzw==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jest/schemas": "^29.6.3", - "@types/istanbul-lib-coverage": "^2.0.0", - "@types/istanbul-reports": "^3.0.0", - "@types/node": "*", - "@types/yargs": "^17.0.8", - "chalk": "^4.0.0" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/@jridgewell/gen-mapping": { - "version": "0.3.8", - "resolved": "https://registry.npmjs.org/@jridgewell/gen-mapping/-/gen-mapping-0.3.8.tgz", - "integrity": "sha512-imAbBGkb+ebQyxKgzv5Hu2nmROxoDOXHh80evxdoXNOrvAnVx7zimzc1Oo5h9RlfV4vPXaE2iM5pOFbvOCClWA==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jridgewell/set-array": "^1.2.1", - "@jridgewell/sourcemap-codec": "^1.4.10", - "@jridgewell/trace-mapping": "^0.3.24" - }, - "engines": { - "node": ">=6.0.0" - } - }, - "node_modules/@jridgewell/resolve-uri": { - "version": "3.1.2", - "resolved": "https://registry.npmjs.org/@jridgewell/resolve-uri/-/resolve-uri-3.1.2.tgz", - "integrity": "sha512-bRISgCIjP20/tbWSPWMEi54QVPRZExkuD9lJL+UIxUKtwVJA8wW1Trb1jMs1RFXo1CBTNZ/5hpC9QvmKWdopKw==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=6.0.0" - } - }, - "node_modules/@jridgewell/set-array": { - "version": "1.2.1", - "resolved": "https://registry.npmjs.org/@jridgewell/set-array/-/set-array-1.2.1.tgz", - "integrity": "sha512-R8gLRTZeyp03ymzP/6Lil/28tGeGEzhx1q2k703KGWRAI1VdvPIXdG70VJc2pAMw3NA6JKL5hhFu1sJX0Mnn/A==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=6.0.0" - } - }, - "node_modules/@jridgewell/sourcemap-codec": { - "version": "1.5.0", - "resolved": "https://registry.npmjs.org/@jridgewell/sourcemap-codec/-/sourcemap-codec-1.5.0.tgz", - "integrity": "sha512-gv3ZRaISU3fjPAgNsriBRqGWQL6quFx04YMPW/zD8XMLsU32mhCCbfbO6KZFLjvYpCZ8zyDEgqsgf+PwPaM7GQ==", - "dev": true, - "license": "MIT" - }, - "node_modules/@jridgewell/trace-mapping": { - "version": "0.3.25", - "resolved": "https://registry.npmjs.org/@jridgewell/trace-mapping/-/trace-mapping-0.3.25.tgz", - "integrity": "sha512-vNk6aEwybGtawWmy/PzwnGDOjCkLWSD2wqvjGGAgOAwCGWySYXfYoxt00IJkTF+8Lb57DwOb3Aa0o9CApepiYQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jridgewell/resolve-uri": "^3.1.0", - "@jridgewell/sourcemap-codec": "^1.4.14" - } - }, - "node_modules/@mapbox/node-pre-gyp": { - "version": "1.0.11", - "resolved": "https://registry.npmjs.org/@mapbox/node-pre-gyp/-/node-pre-gyp-1.0.11.tgz", - "integrity": "sha512-Yhlar6v9WQgUp/He7BdgzOz8lqMQ8sU+jkCq7Wx8Myc5YFJLbEe7lgui/V7G1qB1DJykHSGwreceSaD60Y0PUQ==", - "license": "BSD-3-Clause", - "dependencies": { - "detect-libc": "^2.0.0", - "https-proxy-agent": "^5.0.0", - "make-dir": "^3.1.0", - "node-fetch": "^2.6.7", - "nopt": "^5.0.0", - "npmlog": "^5.0.1", - "rimraf": "^3.0.2", - "semver": "^7.3.5", - "tar": "^6.1.11" - }, - "bin": { - "node-pre-gyp": "bin/node-pre-gyp" - } - }, - "node_modules/@mongodb-js/saslprep": { - "version": "1.1.9", - "resolved": "https://registry.npmjs.org/@mongodb-js/saslprep/-/saslprep-1.1.9.tgz", - "integrity": "sha512-tVkljjeEaAhCqTzajSdgbQ6gE6f3oneVwa3iXR6csiEwXXOFsiC6Uh9iAjAhXPtqa/XMDHWjjeNH/77m/Yq2dw==", - "license": "MIT", - "dependencies": { - "sparse-bitfield": "^3.0.3" - } - }, - "node_modules/@nodelib/fs.scandir": { - "version": "2.1.5", - "resolved": "https://registry.npmjs.org/@nodelib/fs.scandir/-/fs.scandir-2.1.5.tgz", - "integrity": "sha512-vq24Bq3ym5HEQm2NKCr3yXDwjc7vTsEThRDnkp2DK9p1uqLR+DHurm/NOTo0KG7HYHU7eppKZj3MyqYuMBf62g==", - "dev": true, - "license": "MIT", - "dependencies": { - "@nodelib/fs.stat": "2.0.5", - "run-parallel": "^1.1.9" - }, - "engines": { - "node": ">= 8" - } - }, - "node_modules/@nodelib/fs.stat": { - "version": "2.0.5", - "resolved": "https://registry.npmjs.org/@nodelib/fs.stat/-/fs.stat-2.0.5.tgz", - "integrity": "sha512-RkhPPp2zrqDAQA/2jNhnztcPAlv64XdhIp7a7454A5ovI7Bukxgt7MX7udwAu3zg1DcpPU0rz3VV1SeaqvY4+A==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">= 8" - } - }, - "node_modules/@nodelib/fs.walk": { - "version": "1.2.8", - "resolved": "https://registry.npmjs.org/@nodelib/fs.walk/-/fs.walk-1.2.8.tgz", - "integrity": "sha512-oGB+UxlgWcgQkgwo8GcEGwemoTFt3FIO9ababBmaGwXIoBKZ+GTy0pP185beGg7Llih/NSHSV2XAs1lnznocSg==", - "dev": true, - "license": "MIT", - "dependencies": { - "@nodelib/fs.scandir": "2.1.5", - "fastq": "^1.6.0" - }, - "engines": { - "node": ">= 8" - } - }, - "node_modules/@redis/bloom": { - "version": "1.2.0", - "resolved": "https://registry.npmjs.org/@redis/bloom/-/bloom-1.2.0.tgz", - "integrity": "sha512-HG2DFjYKbpNmVXsa0keLHp/3leGJz1mjh09f2RLGGLQZzSHpkmZWuwJbAvo3QcRY8p80m5+ZdXZdYOSBLlp7Cg==", - "license": "MIT", - "peerDependencies": { - "@redis/client": "^1.0.0" - } - }, - "node_modules/@redis/client": { - "version": "1.6.0", - "resolved": "https://registry.npmjs.org/@redis/client/-/client-1.6.0.tgz", - "integrity": "sha512-aR0uffYI700OEEH4gYnitAnv3vzVGXCFvYfdpu/CJKvk4pHfLPEy/JSZyrpQ+15WhXe1yJRXLtfQ84s4mEXnPg==", - "license": "MIT", - "dependencies": { - "cluster-key-slot": "1.1.2", - "generic-pool": "3.9.0", - "yallist": "4.0.0" - }, - "engines": { - "node": ">=14" - } - }, - "node_modules/@redis/graph": { - "version": "1.1.1", - "resolved": "https://registry.npmjs.org/@redis/graph/-/graph-1.1.1.tgz", - "integrity": "sha512-FEMTcTHZozZciLRl6GiiIB4zGm5z5F3F6a6FZCyrfxdKOhFlGkiAqlexWMBzCi4DcRoyiOsuLfW+cjlGWyExOw==", - "license": "MIT", - "peerDependencies": { - "@redis/client": "^1.0.0" - } - }, - "node_modules/@redis/json": { - "version": "1.0.7", - "resolved": "https://registry.npmjs.org/@redis/json/-/json-1.0.7.tgz", - "integrity": "sha512-6UyXfjVaTBTJtKNG4/9Z8PSpKE6XgSyEb8iwaqDcy+uKrd/DGYHTWkUdnQDyzm727V7p21WUMhsqz5oy65kPcQ==", - "license": "MIT", - "peerDependencies": { - "@redis/client": "^1.0.0" - } - }, - "node_modules/@redis/search": { - "version": "1.2.0", - "resolved": "https://registry.npmjs.org/@redis/search/-/search-1.2.0.tgz", - "integrity": "sha512-tYoDBbtqOVigEDMAcTGsRlMycIIjwMCgD8eR2t0NANeQmgK/lvxNAvYyb6bZDD4frHRhIHkJu2TBRvB0ERkOmw==", - "license": "MIT", - "peerDependencies": { - "@redis/client": "^1.0.0" - } - }, - "node_modules/@redis/time-series": { - "version": "1.1.0", - "resolved": "https://registry.npmjs.org/@redis/time-series/-/time-series-1.1.0.tgz", - "integrity": "sha512-c1Q99M5ljsIuc4YdaCwfUEXsofakb9c8+Zse2qxTadu8TalLXuAESzLvFAvNVbkmSlvlzIQOLpBCmWI9wTOt+g==", - "license": "MIT", - "peerDependencies": { - "@redis/client": "^1.0.0" - } - }, - "node_modules/@sideway/address": { - "version": "4.1.5", - "resolved": "https://registry.npmjs.org/@sideway/address/-/address-4.1.5.tgz", - "integrity": "sha512-IqO/DUQHUkPeixNQ8n0JA6102hT9CmaljNTPmQ1u8MEhBo/R4Q8eKLN/vGZxuebwOroDB4cbpjheD4+/sKFK4Q==", - "license": "BSD-3-Clause", - "dependencies": { - "@hapi/hoek": "^9.0.0" - } - }, - "node_modules/@sideway/formula": { - "version": "3.0.1", - "resolved": "https://registry.npmjs.org/@sideway/formula/-/formula-3.0.1.tgz", - "integrity": "sha512-/poHZJJVjx3L+zVD6g9KgHfYnb443oi7wLu/XKojDviHy6HOEOA6z1Trk5aR1dGcmPenJEgb2sK2I80LeS3MIg==", - "license": "BSD-3-Clause" - }, - "node_modules/@sideway/pinpoint": { - "version": "2.0.0", - "resolved": "https://registry.npmjs.org/@sideway/pinpoint/-/pinpoint-2.0.0.tgz", - "integrity": "sha512-RNiOoTPkptFtSVzQevY/yWtZwf/RxyVnPy/OcA9HBM3MlGDnBEYL5B41H0MTn0Uec8Hi+2qUtTfG2WWZBmMejQ==", - "license": "BSD-3-Clause" - }, - "node_modules/@sinclair/typebox": { - "version": "0.27.8", - "resolved": "https://registry.npmjs.org/@sinclair/typebox/-/typebox-0.27.8.tgz", - "integrity": "sha512-+Fj43pSMwJs4KRrH/938Uf+uAELIgVBmQzg/q1YG10djyfA3TnrU8N8XzqCh/okZdszqBQTZf96idMfE5lnwTA==", - "dev": true, - "license": "MIT" - }, - "node_modules/@sinonjs/commons": { - "version": "3.0.1", - "resolved": "https://registry.npmjs.org/@sinonjs/commons/-/commons-3.0.1.tgz", - "integrity": "sha512-K3mCHKQ9sVh8o1C9cxkwxaOmXoAMlDxC1mYyHrjqOWEcBjYr76t96zL2zlj5dUGZ3HSw240X1qgH3Mjf1yJWpQ==", - "dev": true, - "license": "BSD-3-Clause", - "dependencies": { - "type-detect": "4.0.8" - } - }, - "node_modules/@sinonjs/fake-timers": { - "version": "10.3.0", - "resolved": "https://registry.npmjs.org/@sinonjs/fake-timers/-/fake-timers-10.3.0.tgz", - "integrity": "sha512-V4BG07kuYSUkTCSBHG8G8TNhM+F19jXFWnQtzj+we8DrkpSBCee9Z3Ms8yiGer/dlmhe35/Xdgyo3/0rQKg7YA==", - "dev": true, - "license": "BSD-3-Clause", - "dependencies": { - "@sinonjs/commons": "^3.0.0" - } - }, - "node_modules/@socket.io/component-emitter": { - "version": "3.1.2", - "resolved": "https://registry.npmjs.org/@socket.io/component-emitter/-/component-emitter-3.1.2.tgz", - "integrity": "sha512-9BCxFwvbGg/RsZK9tjXd8s4UcwR0MWeFQ1XEKIQVVvAGJyINdrqKMcTRyLoK8Rse1GjzLV9cwjWV1olXRWEXVA==", - "license": "MIT" - }, - "node_modules/@types/babel__core": { - "version": "7.20.5", - "resolved": "https://registry.npmjs.org/@types/babel__core/-/babel__core-7.20.5.tgz", - "integrity": "sha512-qoQprZvz5wQFJwMDqeseRXWv3rqMvhgpbXFfVyWhbx9X47POIA6i/+dXefEmZKoAgOaTdaIgNSMqMIU61yRyzA==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/parser": "^7.20.7", - "@babel/types": "^7.20.7", - "@types/babel__generator": "*", - "@types/babel__template": "*", - "@types/babel__traverse": "*" - } - }, - "node_modules/@types/babel__generator": { - "version": "7.27.0", - "resolved": "https://registry.npmjs.org/@types/babel__generator/-/babel__generator-7.27.0.tgz", - "integrity": "sha512-ufFd2Xi92OAVPYsy+P4n7/U7e68fex0+Ee8gSG9KX7eo084CWiQ4sdxktvdl0bOPupXtVJPY19zk6EwWqUQ8lg==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/types": "^7.0.0" - } - }, - "node_modules/@types/babel__template": { - "version": "7.4.4", - "resolved": "https://registry.npmjs.org/@types/babel__template/-/babel__template-7.4.4.tgz", - "integrity": "sha512-h/NUaSyG5EyxBIp8YRxo4RMe2/qQgvyowRwVMzhYhBCONbW8PUsg4lkFMrhgZhUe5z3L3MiLDuvyJ/CaPa2A8A==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/parser": "^7.1.0", - "@babel/types": "^7.0.0" - } - }, - "node_modules/@types/babel__traverse": { - "version": "7.20.7", - "resolved": "https://registry.npmjs.org/@types/babel__traverse/-/babel__traverse-7.20.7.tgz", - "integrity": "sha512-dkO5fhS7+/oos4ciWxyEyjWe48zmG6wbCheo/G2ZnHx4fs3EU6YC6UM8rk56gAjNJ9P3MTH2jo5jb92/K6wbng==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/types": "^7.20.7" - } - }, - "node_modules/@types/cors": { - "version": "2.8.17", - "resolved": "https://registry.npmjs.org/@types/cors/-/cors-2.8.17.tgz", - "integrity": "sha512-8CGDvrBj1zgo2qE+oS3pOCyYNqCPryMWY2bGfwA0dcfopWGgxs+78df0Rs3rc9THP4JkOhLsAa+15VdpAqkcUA==", - "license": "MIT", - "dependencies": { - "@types/node": "*" - } - }, - "node_modules/@types/graceful-fs": { - "version": "4.1.9", - "resolved": "https://registry.npmjs.org/@types/graceful-fs/-/graceful-fs-4.1.9.tgz", - "integrity": "sha512-olP3sd1qOEe5dXTSaFvQG+02VdRXcdytWLAZsAq1PecU8uqQAhkrnbli7DagjtXKW/Bl7YJbUsa8MPcuc8LHEQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "@types/node": "*" - } - }, - "node_modules/@types/istanbul-lib-coverage": { - "version": "2.0.6", - "resolved": "https://registry.npmjs.org/@types/istanbul-lib-coverage/-/istanbul-lib-coverage-2.0.6.tgz", - "integrity": "sha512-2QF/t/auWm0lsy8XtKVPG19v3sSOQlJe/YHZgfjb/KBBHOGSV+J2q/S671rcq9uTBrLAXmZpqJiaQbMT+zNU1w==", - "dev": true, - "license": "MIT" - }, - "node_modules/@types/istanbul-lib-report": { - "version": "3.0.3", - "resolved": "https://registry.npmjs.org/@types/istanbul-lib-report/-/istanbul-lib-report-3.0.3.tgz", - "integrity": "sha512-NQn7AHQnk/RSLOxrBbGyJM/aVQ+pjj5HCgasFxc0K/KhoATfQ/47AyUl15I2yBUpihjmas+a+VJBOqecrFH+uA==", - "dev": true, - "license": "MIT", - "dependencies": { - "@types/istanbul-lib-coverage": "*" - } - }, - "node_modules/@types/istanbul-reports": { - "version": "3.0.4", - "resolved": "https://registry.npmjs.org/@types/istanbul-reports/-/istanbul-reports-3.0.4.tgz", - "integrity": "sha512-pk2B1NWalF9toCRu6gjBzR69syFjP4Od8WRAX+0mmf9lAjCRicLOWc+ZrxZHx/0XRjotgkF9t6iaMJ+aXcOdZQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "@types/istanbul-lib-report": "*" - } - }, - "node_modules/@types/node": { - "version": "22.13.10", - "resolved": "https://registry.npmjs.org/@types/node/-/node-22.13.10.tgz", - "integrity": "sha512-I6LPUvlRH+O6VRUqYOcMudhaIdUVWfsjnZavnsraHvpBwaEyMN29ry+0UVJhImYL16xsscu0aske3yA+uPOWfw==", - "license": "MIT", - "dependencies": { - "undici-types": "~6.20.0" - } - }, - "node_modules/@types/stack-utils": { - "version": "2.0.3", - "resolved": "https://registry.npmjs.org/@types/stack-utils/-/stack-utils-2.0.3.tgz", - "integrity": "sha512-9aEbYZ3TbYMznPdcdr3SmIrLXwC/AKZXQeCf9Pgao5CKb8CyHuEX5jzWPTkvregvhRJHcpRO6BFoGW9ycaOkYw==", - "dev": true, - "license": "MIT" - }, - "node_modules/@types/triple-beam": { - "version": "1.3.5", - "resolved": "https://registry.npmjs.org/@types/triple-beam/-/triple-beam-1.3.5.tgz", - "integrity": "sha512-6WaYesThRMCl19iryMYP7/x2OVgCtbIVflDGFpWnb9irXI3UjYE4AzmYuiUKY1AJstGijoY+MgUszMgRxIYTYw==", - "license": "MIT" - }, - "node_modules/@types/webidl-conversions": { - "version": "7.0.3", - "resolved": "https://registry.npmjs.org/@types/webidl-conversions/-/webidl-conversions-7.0.3.tgz", - "integrity": "sha512-CiJJvcRtIgzadHCYXw7dqEnMNRjhGZlYK05Mj9OyktqV8uVT8fD2BFOB7S1uwBE3Kj2Z+4UyPmFw/Ixgw/LAlA==", - "license": "MIT" - }, - "node_modules/@types/whatwg-url": { - "version": "11.0.5", - "resolved": "https://registry.npmjs.org/@types/whatwg-url/-/whatwg-url-11.0.5.tgz", - "integrity": "sha512-coYR071JRaHa+xoEvvYqvnIHaVqaYrLPbsufM9BF63HkwI5Lgmy2QR8Q5K/lYDYo5AK82wOvSOS0UsLTpTG7uQ==", - "license": "MIT", - "dependencies": { - "@types/webidl-conversions": "*" - } - }, - "node_modules/@types/yargs": { - "version": "17.0.33", - "resolved": "https://registry.npmjs.org/@types/yargs/-/yargs-17.0.33.tgz", - "integrity": "sha512-WpxBCKWPLr4xSsHgz511rFJAM+wS28w2zEO1QDNY5zM/S8ok70NNfztH0xwhqKyaK0OHCbN98LDAZuy1ctxDkA==", - "dev": true, - "license": "MIT", - "dependencies": { - "@types/yargs-parser": "*" - } - }, - "node_modules/@types/yargs-parser": { - "version": "21.0.3", - "resolved": "https://registry.npmjs.org/@types/yargs-parser/-/yargs-parser-21.0.3.tgz", - "integrity": "sha512-I4q9QU9MQv4oEOz4tAHJtNz1cwuLxn2F3xcc2iV5WdqLPpUnj30aUuxt1mAxYTG+oe8CZMV/+6rU4S4gRDzqtQ==", - "dev": true, - "license": "MIT" - }, - "node_modules/@ungap/structured-clone": { - "version": "1.3.0", - "resolved": "https://registry.npmjs.org/@ungap/structured-clone/-/structured-clone-1.3.0.tgz", - "integrity": "sha512-WmoN8qaIAo7WTYWbAZuG8PYEhn5fkz7dZrqTBZ7dtt//lL2Gwms1IcnQ5yHqjDfX8Ft5j4YzDM23f87zBfDe9g==", - "dev": true, - "license": "ISC" - }, - "node_modules/abbrev": { - "version": "1.1.1", - "resolved": "https://registry.npmjs.org/abbrev/-/abbrev-1.1.1.tgz", - "integrity": "sha512-nne9/IiQ/hzIhY6pdDnbBtz7DjPTKrY00P/zvPSm5pOFkl6xuGrGnXn/VtTNNfNtAfZ9/1RtehkszU9qcTii0Q==", - "license": "ISC" - }, - "node_modules/accepts": { - "version": "1.3.8", - "resolved": "https://registry.npmjs.org/accepts/-/accepts-1.3.8.tgz", - "integrity": "sha512-PYAthTa2m2VKxuvSD3DPC/Gy+U+sOA1LAuT8mkmRuvw+NACSaeXEQ+NHcVF7rONl6qcaxV3Uuemwawk+7+SJLw==", - "license": "MIT", - "dependencies": { - "mime-types": "~2.1.34", - "negotiator": "0.6.3" - }, - "engines": { - "node": ">= 0.6" - } - }, - "node_modules/acorn": { - "version": "8.14.1", - "resolved": "https://registry.npmjs.org/acorn/-/acorn-8.14.1.tgz", - "integrity": "sha512-OvQ/2pUDKmgfCg++xsTX1wGxfTaszcHVcTctW4UJB4hibJx2HXxxO5UmVgyjMa+ZDsiaf5wWLXYpRWMmBI0QHg==", - "dev": true, - "license": "MIT", - "bin": { - "acorn": "bin/acorn" - }, - "engines": { - "node": ">=0.4.0" - } - }, - "node_modules/acorn-jsx": { - "version": "5.3.2", - "resolved": "https://registry.npmjs.org/acorn-jsx/-/acorn-jsx-5.3.2.tgz", - "integrity": "sha512-rq9s+JNhf0IChjtDXxllJ7g41oZk5SlXtp0LHwyA5cejwn7vKmKp4pPri6YEePv2PU65sAsegbXtIinmDFDXgQ==", - "dev": true, - "license": "MIT", - "peerDependencies": { - "acorn": "^6.0.0 || ^7.0.0 || ^8.0.0" - } - }, - "node_modules/afinn-165": { - "version": "1.0.4", - "resolved": "https://registry.npmjs.org/afinn-165/-/afinn-165-1.0.4.tgz", - "integrity": "sha512-7+Wlx3BImrK0HiG6y3lU4xX7SpBPSSu8T9iguPMlaueRFxjbYwAQrp9lqZUuFikqKbd/en8lVREILvP2J80uJA==", - "license": "MIT", - "funding": { - "type": "github", - "url": "https://github.com/sponsors/wooorm" - } - }, - "node_modules/afinn-165-financialmarketnews": { - "version": "3.0.0", - "resolved": "https://registry.npmjs.org/afinn-165-financialmarketnews/-/afinn-165-financialmarketnews-3.0.0.tgz", - "integrity": "sha512-0g9A1S3ZomFIGDTzZ0t6xmv4AuokBvBmpes8htiyHpH7N4xDmvSQL6UxL/Zcs2ypRb3VwgCscaD8Q3zEawKYhw==", - "license": "MIT", - "funding": { - "type": "github", - "url": "https://github.com/sponsors/wooorm" - } - }, - "node_modules/agent-base": { - "version": "6.0.2", - "resolved": "https://registry.npmjs.org/agent-base/-/agent-base-6.0.2.tgz", - "integrity": "sha512-RZNwNclF7+MS/8bDg70amg32dyeZGZxiDuQmZxKLAlQjr3jGyLx+4Kkk58UO7D2QdgFIQCovuSuZESne6RG6XQ==", - "license": "MIT", - "dependencies": { - "debug": "4" - }, - "engines": { - "node": ">= 6.0.0" - } - }, - "node_modules/agent-base/node_modules/debug": { - "version": "4.4.0", - "resolved": "https://registry.npmjs.org/debug/-/debug-4.4.0.tgz", - "integrity": "sha512-6WTZ/IxCY/T6BALoZHaE4ctp9xm+Z5kY/pzYaCHRFeyVhojxlrm+46y68HA6hr0TcwEssoxNiDEUJQjfPZ/RYA==", - "license": "MIT", - "dependencies": { - "ms": "^2.1.3" - }, - "engines": { - "node": ">=6.0" - }, - "peerDependenciesMeta": { - "supports-color": { - "optional": true - } - } - }, - "node_modules/agent-base/node_modules/ms": { - "version": "2.1.3", - "resolved": "https://registry.npmjs.org/ms/-/ms-2.1.3.tgz", - "integrity": "sha512-6FlzubTLZG3J2a/NVCAleEhjzq5oxgHyaCU9yYXvcLsvoVaHJq/s5xXI6/XXP6tz7R9xAOtHnSO/tXtF3WRTlA==", - "license": "MIT" - }, - "node_modules/ajv": { - "version": "6.12.6", - "resolved": "https://registry.npmjs.org/ajv/-/ajv-6.12.6.tgz", - "integrity": "sha512-j3fVLgvTo527anyYyJOGTYJbG+vnnQYvE0m5mmkc1TK+nxAppkCLMIL0aZ4dblVCNoGShhm+kzE4ZUykBoMg4g==", - "dev": true, - "license": "MIT", - "dependencies": { - "fast-deep-equal": "^3.1.1", - "fast-json-stable-stringify": "^2.0.0", - "json-schema-traverse": "^0.4.1", - "uri-js": "^4.2.2" - }, - "funding": { - "type": "github", - "url": "https://github.com/sponsors/epoberezkin" - } - }, - "node_modules/ansi-escapes": { - "version": "4.3.2", - "resolved": "https://registry.npmjs.org/ansi-escapes/-/ansi-escapes-4.3.2.tgz", - "integrity": "sha512-gKXj5ALrKWQLsYG9jlTRmR/xKluxHV+Z9QEwNIgCfM1/uwPMCuzVVnh5mwTd+OuBZcwSIMbqssNWRm1lE51QaQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "type-fest": "^0.21.3" - }, - "engines": { - "node": ">=8" - }, - "funding": { - "url": "https://github.com/sponsors/sindresorhus" - } - }, - "node_modules/ansi-escapes/node_modules/type-fest": { - "version": "0.21.3", - "resolved": "https://registry.npmjs.org/type-fest/-/type-fest-0.21.3.tgz", - "integrity": "sha512-t0rzBq87m3fVcduHDUFhKmyyX+9eo6WQjZvf51Ea/M0Q7+T374Jp1aUiyUl0GKxp8M/OETVHSDvmkyPgvX+X2w==", - "dev": true, - "license": "(MIT OR CC0-1.0)", - "engines": { - "node": ">=10" - }, - "funding": { - "url": "https://github.com/sponsors/sindresorhus" - } - }, - "node_modules/ansi-regex": { - "version": "5.0.1", - "resolved": "https://registry.npmjs.org/ansi-regex/-/ansi-regex-5.0.1.tgz", - "integrity": "sha512-quJQXlTSUGL2LH9SUXo8VwsY4soanhgo6LNSm84E1LBcE8s3O0wpdiRzyR9z/ZZJMlMWv37qOOb9pdJlMUEKFQ==", - "license": "MIT", - "engines": { - "node": ">=8" - } - }, - "node_modules/ansi-styles": { - "version": "4.3.0", - "resolved": "https://registry.npmjs.org/ansi-styles/-/ansi-styles-4.3.0.tgz", - "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", - "license": "MIT", - "dependencies": { - "color-convert": "^2.0.1" - }, - "engines": { - "node": ">=8" - }, - "funding": { - "url": "https://github.com/chalk/ansi-styles?sponsor=1" - } - }, - "node_modules/anymatch": { - "version": "3.1.3", - "resolved": "https://registry.npmjs.org/anymatch/-/anymatch-3.1.3.tgz", - "integrity": "sha512-KMReFUr0B4t+D+OBkjR3KYqvocp2XaSzO55UcB6mgQMd3KbcE+mWTyvVV7D/zsdEbNnV6acZUutkiHQXvTr1Rw==", - "dev": true, - "license": "ISC", - "dependencies": { - "normalize-path": "^3.0.0", - "picomatch": "^2.0.4" - }, - "engines": { - "node": ">= 8" - } - }, - "node_modules/apparatus": { - "version": "0.0.10", - "resolved": "https://registry.npmjs.org/apparatus/-/apparatus-0.0.10.tgz", - "integrity": "sha512-KLy/ugo33KZA7nugtQ7O0E1c8kQ52N3IvD/XgIh4w/Nr28ypfkwDfA67F1ev4N1m5D+BOk1+b2dEJDfpj/VvZg==", - "license": "MIT", - "dependencies": { - "sylvester": ">= 0.0.8" - }, - "engines": { - "node": ">=0.2.6" - } - }, - "node_modules/append-field": { - "version": "1.0.0", - "resolved": "https://registry.npmjs.org/append-field/-/append-field-1.0.0.tgz", - "integrity": "sha512-klpgFSWLW1ZEs8svjfb7g4qWY0YS5imI82dTg+QahUvJ8YqAY0P10Uk8tTyh9ZGuYEZEMaeJYCF5BFuX552hsw==", - "license": "MIT" - }, - "node_modules/aproba": { - "version": "2.0.0", - "resolved": "https://registry.npmjs.org/aproba/-/aproba-2.0.0.tgz", - "integrity": "sha512-lYe4Gx7QT+MKGbDsA+Z+he/Wtef0BiwDOlK/XkBrdfsh9J/jPPXbX0tE9x9cl27Tmu5gg3QUbUrQYa/y+KOHPQ==", - "license": "ISC" - }, - "node_modules/are-we-there-yet": { - "version": "2.0.0", - "resolved": "https://registry.npmjs.org/are-we-there-yet/-/are-we-there-yet-2.0.0.tgz", - "integrity": "sha512-Ci/qENmwHnsYo9xKIcUJN5LeDKdJ6R1Z1j9V/J5wyq8nh/mYPEpIKJbBZXtZjG04HiK7zV/p6Vs9952MrMeUIw==", - "deprecated": "This package is no longer supported.", - "license": "ISC", - "dependencies": { - "delegates": "^1.0.0", - "readable-stream": "^3.6.0" - }, - "engines": { - "node": ">=10" - } - }, - "node_modules/are-we-there-yet/node_modules/readable-stream": { - "version": "3.6.2", - "resolved": "https://registry.npmjs.org/readable-stream/-/readable-stream-3.6.2.tgz", - "integrity": "sha512-9u/sniCrY3D5WdsERHzHE4G2YCXqoG5FTHUiCC4SIbr6XcLZBY05ya9EKjYek9O5xOAwjGq+1JdGBAS7Q9ScoA==", - "license": "MIT", - "dependencies": { - "inherits": "^2.0.3", - "string_decoder": "^1.1.1", - "util-deprecate": "^1.0.1" - }, - "engines": { - "node": ">= 6" - } - }, - "node_modules/argparse": { - "version": "2.0.1", - "resolved": "https://registry.npmjs.org/argparse/-/argparse-2.0.1.tgz", - "integrity": "sha512-8+9WqebbFzpX9OR+Wa6O29asIogeRMzcGtAINdpMHHyAg10f05aSFVBbcEqGf/PXw1EjAZ+q2/bEBg3DvurK3Q==", - "dev": true, - "license": "Python-2.0" - }, - "node_modules/array-flatten": { - "version": "1.1.1", - "resolved": "https://registry.npmjs.org/array-flatten/-/array-flatten-1.1.1.tgz", - "integrity": "sha512-PCVAQswWemu6UdxsDFFX/+gVeYqKAod3D3UVm91jHwynguOwAvYPhx8nNlM++NqRcK6CxxpUafjmhIdKiHibqg==", - "license": "MIT" - }, - "node_modules/async": { - "version": "2.6.4", - "resolved": "https://registry.npmjs.org/async/-/async-2.6.4.tgz", - "integrity": "sha512-mzo5dfJYwAn29PeiJ0zvwTo04zj8HDJj0Mn8TD7sno7q12prdbnasKJHhkm2c1LgrhlJ0teaea8860oxi51mGA==", - "license": "MIT", - "dependencies": { - "lodash": "^4.17.14" - } - }, - "node_modules/asynckit": { - "version": "0.4.0", - "resolved": "https://registry.npmjs.org/asynckit/-/asynckit-0.4.0.tgz", - "integrity": "sha512-Oei9OH4tRh0YqU3GxhX79dM/mwVgvbZJaSNaRk+bshkj0S5cfHcgYakreBjrHwatXKbz+IoIdYLxrKim2MjW0Q==", - "license": "MIT" - }, - "node_modules/aws-ssl-profiles": { - "version": "1.1.2", - "resolved": "https://registry.npmjs.org/aws-ssl-profiles/-/aws-ssl-profiles-1.1.2.tgz", - "integrity": "sha512-NZKeq9AfyQvEeNlN0zSYAaWrmBffJh3IELMZfRpJVWgrpEbtEpnjvzqBPf+mxoI287JohRDoa+/nsfqqiZmF6g==", - "license": "MIT", - "engines": { - "node": ">= 6.0.0" - } - }, - "node_modules/axios": { - "version": "1.7.9", - "resolved": "https://registry.npmjs.org/axios/-/axios-1.7.9.tgz", - "integrity": "sha512-LhLcE7Hbiryz8oMDdDptSrWowmB4Bl6RCt6sIJKpRB4XtVf0iEgewX3au/pJqm+Py1kCASkb/FFKjxQaLtxJvw==", - "license": "MIT", - "dependencies": { - "follow-redirects": "^1.15.6", - "form-data": "^4.0.0", - "proxy-from-env": "^1.1.0" - } - }, - "node_modules/babel-jest": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/babel-jest/-/babel-jest-29.7.0.tgz", - "integrity": "sha512-BrvGY3xZSwEcCzKvKsCi2GgHqDqsYkOP4/by5xCgIwGXQxIEh+8ew3gmrE1y7XRR6LHZIj6yLYnUi/mm2KXKBg==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jest/transform": "^29.7.0", - "@types/babel__core": "^7.1.14", - "babel-plugin-istanbul": "^6.1.1", - "babel-preset-jest": "^29.6.3", - "chalk": "^4.0.0", - "graceful-fs": "^4.2.9", - "slash": "^3.0.0" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - }, - "peerDependencies": { - "@babel/core": "^7.8.0" - } - }, - "node_modules/babel-plugin-istanbul": { - "version": "6.1.1", - "resolved": "https://registry.npmjs.org/babel-plugin-istanbul/-/babel-plugin-istanbul-6.1.1.tgz", - "integrity": "sha512-Y1IQok9821cC9onCx5otgFfRm7Lm+I+wwxOx738M/WLPZ9Q42m4IG5W0FNX8WLL2gYMZo3JkuXIH2DOpWM+qwA==", - "dev": true, - "license": "BSD-3-Clause", - "dependencies": { - "@babel/helper-plugin-utils": "^7.0.0", - "@istanbuljs/load-nyc-config": "^1.0.0", - "@istanbuljs/schema": "^0.1.2", - "istanbul-lib-instrument": "^5.0.4", - "test-exclude": "^6.0.0" - }, - "engines": { - "node": ">=8" - } - }, - "node_modules/babel-plugin-istanbul/node_modules/istanbul-lib-instrument": { - "version": "5.2.1", - "resolved": "https://registry.npmjs.org/istanbul-lib-instrument/-/istanbul-lib-instrument-5.2.1.tgz", - "integrity": "sha512-pzqtp31nLv/XFOzXGuvhCb8qhjmTVo5vjVk19XE4CRlSWz0KoeJ3bw9XsA7nOp9YBf4qHjwBxkDzKcME/J29Yg==", - "dev": true, - "license": "BSD-3-Clause", - "dependencies": { - "@babel/core": "^7.12.3", - "@babel/parser": "^7.14.7", - "@istanbuljs/schema": "^0.1.2", - "istanbul-lib-coverage": "^3.2.0", - "semver": "^6.3.0" - }, - "engines": { - "node": ">=8" - } - }, - "node_modules/babel-plugin-istanbul/node_modules/semver": { - "version": "6.3.1", - "resolved": "https://registry.npmjs.org/semver/-/semver-6.3.1.tgz", - "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", - "dev": true, - "license": "ISC", - "bin": { - "semver": "bin/semver.js" - } - }, - "node_modules/babel-plugin-jest-hoist": { - "version": "29.6.3", - "resolved": "https://registry.npmjs.org/babel-plugin-jest-hoist/-/babel-plugin-jest-hoist-29.6.3.tgz", - "integrity": "sha512-ESAc/RJvGTFEzRwOTT4+lNDk/GNHMkKbNzsvT0qKRfDyyYTskxB5rnU2njIDYVxXCBHHEI1c0YwHob3WaYujOg==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/template": "^7.3.3", - "@babel/types": "^7.3.3", - "@types/babel__core": "^7.1.14", - "@types/babel__traverse": "^7.0.6" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/babel-preset-current-node-syntax": { - "version": "1.1.0", - "resolved": "https://registry.npmjs.org/babel-preset-current-node-syntax/-/babel-preset-current-node-syntax-1.1.0.tgz", - "integrity": "sha512-ldYss8SbBlWva1bs28q78Ju5Zq1F+8BrqBZZ0VFhLBvhh6lCpC2o3gDJi/5DRLs9FgYZCnmPYIVFU4lRXCkyUw==", - "dev": true, - "license": "MIT", - "dependencies": { - "@babel/plugin-syntax-async-generators": "^7.8.4", - "@babel/plugin-syntax-bigint": "^7.8.3", - "@babel/plugin-syntax-class-properties": "^7.12.13", - "@babel/plugin-syntax-class-static-block": "^7.14.5", - "@babel/plugin-syntax-import-attributes": "^7.24.7", - "@babel/plugin-syntax-import-meta": "^7.10.4", - "@babel/plugin-syntax-json-strings": "^7.8.3", - "@babel/plugin-syntax-logical-assignment-operators": "^7.10.4", - "@babel/plugin-syntax-nullish-coalescing-operator": "^7.8.3", - "@babel/plugin-syntax-numeric-separator": "^7.10.4", - "@babel/plugin-syntax-object-rest-spread": "^7.8.3", - "@babel/plugin-syntax-optional-catch-binding": "^7.8.3", - "@babel/plugin-syntax-optional-chaining": "^7.8.3", - "@babel/plugin-syntax-private-property-in-object": "^7.14.5", - "@babel/plugin-syntax-top-level-await": "^7.14.5" - }, - "peerDependencies": { - "@babel/core": "^7.0.0" - } - }, - "node_modules/babel-preset-jest": { - "version": "29.6.3", - "resolved": "https://registry.npmjs.org/babel-preset-jest/-/babel-preset-jest-29.6.3.tgz", - "integrity": "sha512-0B3bhxR6snWXJZtR/RliHTDPRgn1sNHOR0yVtq/IiQFyuOVjFS+wuio/R4gSNkyYmKmJB4wGZv2NZanmKmTnNA==", - "dev": true, - "license": "MIT", - "dependencies": { - "babel-plugin-jest-hoist": "^29.6.3", - "babel-preset-current-node-syntax": "^1.0.0" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - }, - "peerDependencies": { - "@babel/core": "^7.0.0" - } - }, - "node_modules/balanced-match": { - "version": "1.0.2", - "resolved": "https://registry.npmjs.org/balanced-match/-/balanced-match-1.0.2.tgz", - "integrity": "sha512-3oSeUO0TMV67hN1AmbXsK4yaqU7tjiHlbxRDZOpH0KW9+CeX4bRAaX0Anxt0tx2MrpRpWwQaPwIlISEJhYU5Pw==", - "license": "MIT" - }, - "node_modules/base64id": { - "version": "2.0.0", - "resolved": "https://registry.npmjs.org/base64id/-/base64id-2.0.0.tgz", - "integrity": "sha512-lGe34o6EHj9y3Kts9R4ZYs/Gr+6N7MCaMlIFA3F1R2O5/m7K06AxfSeO5530PEERE6/WyEg3lsuyw4GHlPZHog==", - "license": "MIT", - "engines": { - "node": "^4.5.0 || >= 5.9" - } - }, - "node_modules/basic-auth": { - "version": "2.0.1", - "resolved": "https://registry.npmjs.org/basic-auth/-/basic-auth-2.0.1.tgz", - "integrity": "sha512-NF+epuEdnUYVlGuhaxbbq+dvJttwLnGY+YixlXlME5KpQ5W3CnXA5cVTneY3SPbPDRkcjMbifrwmFYcClgOZeg==", - "license": "MIT", - "dependencies": { - "safe-buffer": "5.1.2" - }, - "engines": { - "node": ">= 0.8" - } - }, - "node_modules/basic-auth/node_modules/safe-buffer": { - "version": "5.1.2", - "resolved": "https://registry.npmjs.org/safe-buffer/-/safe-buffer-5.1.2.tgz", - "integrity": "sha512-Gd2UZBJDkXlY7GbJxfsE8/nvKkUEU1G38c1siN6QP6a9PT9MmHB8GnpscSmMJSoF8LOIrt8ud/wPtojys4G6+g==", - "license": "MIT" - }, - "node_modules/bcrypt": { - "version": "5.1.1", - "resolved": "https://registry.npmjs.org/bcrypt/-/bcrypt-5.1.1.tgz", - "integrity": "sha512-AGBHOG5hPYZ5Xl9KXzU5iKq9516yEmvCKDg3ecP5kX2aB6UqTeXZxk2ELnDgDm6BQSMlLt9rDB4LoSMx0rYwww==", - "hasInstallScript": true, - "license": "MIT", - "dependencies": { - "@mapbox/node-pre-gyp": "^1.0.11", - "node-addon-api": "^5.0.0" - }, - "engines": { - "node": ">= 10.0.0" - } - }, - "node_modules/bignumber.js": { - "version": "9.0.0", - "resolved": "https://registry.npmjs.org/bignumber.js/-/bignumber.js-9.0.0.tgz", - "integrity": "sha512-t/OYhhJ2SD+YGBQcjY8GzzDHEk9f3nerxjtfa6tlMXfe7frs/WozhvCNoGvpM0P3bNf3Gq5ZRMlGr5f3r4/N8A==", - "license": "MIT", - "engines": { - "node": "*" - } - }, - "node_modules/binary-extensions": { - "version": "2.3.0", - "resolved": "https://registry.npmjs.org/binary-extensions/-/binary-extensions-2.3.0.tgz", - "integrity": "sha512-Ceh+7ox5qe7LJuLHoY0feh3pHuUDHAcRUeyL2VYghZwfpkNIy/+8Ocg0a3UuSoYzavmylwuLWQOf3hl0jjMMIw==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=8" - }, - "funding": { - "url": "https://github.com/sponsors/sindresorhus" - } - }, - "node_modules/body-parser": { - "version": "1.20.3", - "resolved": "https://registry.npmjs.org/body-parser/-/body-parser-1.20.3.tgz", - "integrity": "sha512-7rAxByjUMqQ3/bHJy7D6OGXvx/MMc4IqBn/X0fcM1QUcAItpZrBEYhWGem+tzXH90c+G01ypMcYJBO9Y30203g==", - "license": "MIT", - "dependencies": { - "bytes": "3.1.2", - "content-type": "~1.0.5", - "debug": "2.6.9", - "depd": "2.0.0", - "destroy": "1.2.0", - "http-errors": "2.0.0", - "iconv-lite": "0.4.24", - "on-finished": "2.4.1", - "qs": "6.13.0", - "raw-body": "2.5.2", - "type-is": "~1.6.18", - "unpipe": "1.0.0" - }, - "engines": { - "node": ">= 0.8", - "npm": "1.2.8000 || >= 1.4.16" - } - }, - "node_modules/brace-expansion": { - "version": "1.1.11", - "resolved": "https://registry.npmjs.org/brace-expansion/-/brace-expansion-1.1.11.tgz", - "integrity": "sha512-iCuPHDFgrHX7H2vEI/5xpz07zSHB00TpugqhmYtVmMO6518mCuRMoOYFldEBl0g187ufozdaHgWKcYFb61qGiA==", - "license": "MIT", - "dependencies": { - "balanced-match": "^1.0.0", - "concat-map": "0.0.1" - } - }, - "node_modules/braces": { - "version": "3.0.3", - "resolved": "https://registry.npmjs.org/braces/-/braces-3.0.3.tgz", - "integrity": "sha512-yQbXgO/OSZVD2IsiLlro+7Hf6Q18EJrKSEsdoMzKePKXct3gvD8oLcOQdIzGupr5Fj+EDe8gO/lxc1BzfMpxvA==", - "dev": true, - "license": "MIT", - "dependencies": { - "fill-range": "^7.1.1" - }, - "engines": { - "node": ">=8" - } - }, - "node_modules/browserslist": { - "version": "4.24.5", - "resolved": "https://registry.npmjs.org/browserslist/-/browserslist-4.24.5.tgz", - "integrity": "sha512-FDToo4Wo82hIdgc1CQ+NQD0hEhmpPjrZ3hiUgwgOG6IuTdlpr8jdjyG24P6cNP1yJpTLzS5OcGgSw0xmDU1/Tw==", - "dev": true, - "funding": [ - { - "type": "opencollective", - "url": "https://opencollective.com/browserslist" - }, - { - "type": "tidelift", - "url": "https://tidelift.com/funding/github/npm/browserslist" - }, - { - "type": "github", - "url": "https://github.com/sponsors/ai" - } - ], - "license": "MIT", - "dependencies": { - "caniuse-lite": "^1.0.30001716", - "electron-to-chromium": "^1.5.149", - "node-releases": "^2.0.19", - "update-browserslist-db": "^1.1.3" - }, - "bin": { - "browserslist": "cli.js" - }, - "engines": { - "node": "^6 || ^7 || ^8 || ^9 || ^10 || ^11 || ^12 || >=13.7" - } - }, - "node_modules/bser": { - "version": "2.1.1", - "resolved": "https://registry.npmjs.org/bser/-/bser-2.1.1.tgz", - "integrity": "sha512-gQxTNE/GAfIIrmHLUE3oJyp5FO6HRBfhjnw4/wMmA63ZGDJnWBmgY/lyQBpnDUkGmAhbSe39tx2d/iTOAfglwQ==", - "dev": true, - "license": "Apache-2.0", - "dependencies": { - "node-int64": "^0.4.0" - } - }, - "node_modules/bson": { - "version": "6.10.2", - "resolved": "https://registry.npmjs.org/bson/-/bson-6.10.2.tgz", - "integrity": "sha512-5afhLTjqDSA3akH56E+/2J6kTDuSIlBxyXPdQslj9hcIgOUE378xdOfZvC/9q3LifJNI6KR/juZ+d0NRNYBwXg==", - "license": "Apache-2.0", - "engines": { - "node": ">=16.20.1" - } - }, - "node_modules/buffer-equal-constant-time": { - "version": "1.0.1", - "resolved": "https://registry.npmjs.org/buffer-equal-constant-time/-/buffer-equal-constant-time-1.0.1.tgz", - "integrity": "sha512-zRpUiDwd/xk6ADqPMATG8vc9VPrkck7T07OIx0gnjmJAnHnTVXNQG3vfvWNuiZIkwu9KrKdA1iJKfsfTVxE6NA==", - "license": "BSD-3-Clause" - }, - "node_modules/buffer-from": { - "version": "1.1.2", - "resolved": "https://registry.npmjs.org/buffer-from/-/buffer-from-1.1.2.tgz", - "integrity": "sha512-E+XQCRwSbaaiChtv6k6Dwgc+bx+Bs6vuKJHHl5kox/BaKbhiXzqQOwK4cO22yElGp2OCmjwVhT3HmxgyPGnJfQ==", - "license": "MIT" - }, - "node_modules/busboy": { - "version": "1.6.0", - "resolved": "https://registry.npmjs.org/busboy/-/busboy-1.6.0.tgz", - "integrity": "sha512-8SFQbg/0hQ9xy3UNTB0YEnsNBbWfhf7RtnzpL7TkBiTBRfrQ9Fxcnz7VJsleJpyp6rVLvXiuORqjlHi5q+PYuA==", - "dependencies": { - "streamsearch": "^1.1.0" - }, - "engines": { - "node": ">=10.16.0" - } - }, - "node_modules/bytes": { - "version": "3.1.2", - "resolved": "https://registry.npmjs.org/bytes/-/bytes-3.1.2.tgz", - "integrity": "sha512-/Nf7TyzTx6S3yRJObOAV7956r8cr2+Oj8AC5dt8wSP3BQAoeX58NoHyCU8P8zGkNXStjTSi6fzO6F0pBdcYbEg==", - "license": "MIT", - "engines": { - "node": ">= 0.8" - } - }, - "node_modules/call-bind-apply-helpers": { - "version": "1.0.1", - "resolved": "https://registry.npmjs.org/call-bind-apply-helpers/-/call-bind-apply-helpers-1.0.1.tgz", - "integrity": "sha512-BhYE+WDaywFg2TBWYNXAE+8B1ATnThNBqXHP5nQu0jWJdVvY2hvkpyB3qOmtmDePiS5/BDQ8wASEWGMWRG148g==", - "license": "MIT", - "dependencies": { - "es-errors": "^1.3.0", - "function-bind": "^1.1.2" - }, - "engines": { - "node": ">= 0.4" - } - }, - "node_modules/call-bound": { - "version": "1.0.3", - "resolved": "https://registry.npmjs.org/call-bound/-/call-bound-1.0.3.tgz", - "integrity": "sha512-YTd+6wGlNlPxSuri7Y6X8tY2dmm12UMH66RpKMhiX6rsk5wXXnYgbUcOt8kiS31/AjfoTOvCsE+w8nZQLQnzHA==", - "license": "MIT", - "dependencies": { - "call-bind-apply-helpers": "^1.0.1", - "get-intrinsic": "^1.2.6" - }, - "engines": { - "node": ">= 0.4" - }, - "funding": { - "url": "https://github.com/sponsors/ljharb" - } - }, - "node_modules/callsites": { - "version": "3.1.0", - "resolved": "https://registry.npmjs.org/callsites/-/callsites-3.1.0.tgz", - "integrity": "sha512-P8BjAsXvZS+VIDUI11hHCQEv74YT67YUi5JJFNWIqL235sBmjX4+qx9Muvls5ivyNENctx46xQLQ3aTuE7ssaQ==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=6" - } - }, - "node_modules/camelcase": { - "version": "5.3.1", - "resolved": "https://registry.npmjs.org/camelcase/-/camelcase-5.3.1.tgz", - "integrity": "sha512-L28STB170nwWS63UjtlEOE3dldQApaJXZkOI1uMFfzf3rRuPegHaHesyee+YxQ+W6SvRDQV6UrdOdRiR153wJg==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=6" - } - }, - "node_modules/caniuse-lite": { - "version": "1.0.30001718", - "resolved": "https://registry.npmjs.org/caniuse-lite/-/caniuse-lite-1.0.30001718.tgz", - "integrity": "sha512-AflseV1ahcSunK53NfEs9gFWgOEmzr0f+kaMFA4xiLZlr9Hzt7HxcSpIFcnNCUkz6R6dWKa54rUz3HUmI3nVcw==", - "dev": true, - "funding": [ - { - "type": "opencollective", - "url": "https://opencollective.com/browserslist" - }, - { - "type": "tidelift", - "url": "https://tidelift.com/funding/github/npm/caniuse-lite" - }, - { - "type": "github", - "url": "https://github.com/sponsors/ai" - } - ], - "license": "CC-BY-4.0" - }, - "node_modules/chalk": { - "version": "4.1.2", - "resolved": "https://registry.npmjs.org/chalk/-/chalk-4.1.2.tgz", - "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", - "license": "MIT", - "dependencies": { - "ansi-styles": "^4.1.0", - "supports-color": "^7.1.0" - }, - "engines": { - "node": ">=10" - }, - "funding": { - "url": "https://github.com/chalk/chalk?sponsor=1" - } - }, - "node_modules/char-regex": { - "version": "1.0.2", - "resolved": "https://registry.npmjs.org/char-regex/-/char-regex-1.0.2.tgz", - "integrity": "sha512-kWWXztvZ5SBQV+eRgKFeh8q5sLuZY2+8WUIzlxWVTg+oGwY14qylx1KbKzHd8P6ZYkAg0xyIDU9JMHhyJMZ1jw==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=10" - } - }, - "node_modules/chokidar": { - "version": "3.6.0", - "resolved": "https://registry.npmjs.org/chokidar/-/chokidar-3.6.0.tgz", - "integrity": "sha512-7VT13fmjotKpGipCW9JEQAusEPE+Ei8nl6/g4FBAmIm0GOOLMua9NDDo/DWp0ZAxCr3cPq5ZpBqmPAQgDda2Pw==", - "dev": true, - "license": "MIT", - "dependencies": { - "anymatch": "~3.1.2", - "braces": "~3.0.2", - "glob-parent": "~5.1.2", - "is-binary-path": "~2.1.0", - "is-glob": "~4.0.1", - "normalize-path": "~3.0.0", - "readdirp": "~3.6.0" - }, - "engines": { - "node": ">= 8.10.0" - }, - "funding": { - "url": "https://paulmillr.com/funding/" - }, - "optionalDependencies": { - "fsevents": "~2.3.2" - } - }, - "node_modules/chownr": { - "version": "2.0.0", - "resolved": "https://registry.npmjs.org/chownr/-/chownr-2.0.0.tgz", - "integrity": "sha512-bIomtDF5KGpdogkLd9VspvFzk9KfpyyGlS8YFVZl7TGPBHL5snIOnxeshwVgPteQ9b4Eydl+pVbIyE1DcvCWgQ==", - "license": "ISC", - "engines": { - "node": ">=10" - } - }, - "node_modules/ci-info": { - "version": "3.9.0", - "resolved": "https://registry.npmjs.org/ci-info/-/ci-info-3.9.0.tgz", - "integrity": "sha512-NIxF55hv4nSqQswkAeiOi1r83xy8JldOFDTWiug55KBu9Jnblncd2U6ViHmYgHf01TPZS77NJBhBMKdWj9HQMQ==", - "dev": true, - "funding": [ - { - "type": "github", - "url": "https://github.com/sponsors/sibiraj-s" - } - ], - "license": "MIT", - "engines": { - "node": ">=8" - } - }, - "node_modules/cjs-module-lexer": { - "version": "1.4.3", - "resolved": "https://registry.npmjs.org/cjs-module-lexer/-/cjs-module-lexer-1.4.3.tgz", - "integrity": "sha512-9z8TZaGM1pfswYeXrUpzPrkx8UnWYdhJclsiYMm6x/w5+nN+8Tf/LnAgfLGQCm59qAOxU8WwHEq2vNwF6i4j+Q==", - "dev": true, - "license": "MIT" - }, - "node_modules/cliui": { - "version": "8.0.1", - "resolved": "https://registry.npmjs.org/cliui/-/cliui-8.0.1.tgz", - "integrity": "sha512-BSeNnyus75C4//NQ9gQt1/csTXyo/8Sb+afLAkzAptFuMsod9HFokGNudZpi/oQV73hnVK+sR+5PVRMd+Dr7YQ==", - "dev": true, - "license": "ISC", - "dependencies": { - "string-width": "^4.2.0", - "strip-ansi": "^6.0.1", - "wrap-ansi": "^7.0.0" - }, - "engines": { - "node": ">=12" - } - }, - "node_modules/cluster-key-slot": { - "version": "1.1.2", - "resolved": "https://registry.npmjs.org/cluster-key-slot/-/cluster-key-slot-1.1.2.tgz", - "integrity": "sha512-RMr0FhtfXemyinomL4hrWcYJxmX6deFdCxpJzhDttxgO1+bcCnkk+9drydLVDmAMG7NE6aN/fl4F7ucU/90gAA==", - "license": "Apache-2.0", - "engines": { - "node": ">=0.10.0" - } - }, - "node_modules/co": { - "version": "4.6.0", - "resolved": "https://registry.npmjs.org/co/-/co-4.6.0.tgz", - "integrity": "sha512-QVb0dM5HvG+uaxitm8wONl7jltx8dqhfU33DcqtOZcLSVIKSDDLDi7+0LbAKiyI8hD9u42m2YxXSkMGWThaecQ==", - "dev": true, - "license": "MIT", - "engines": { - "iojs": ">= 1.0.0", - "node": ">= 0.12.0" - } - }, - "node_modules/collect-v8-coverage": { - "version": "1.0.2", - "resolved": "https://registry.npmjs.org/collect-v8-coverage/-/collect-v8-coverage-1.0.2.tgz", - "integrity": "sha512-lHl4d5/ONEbLlJvaJNtsF/Lz+WvB07u2ycqTYbdrq7UypDXailES4valYb2eWiJFxZlVmpGekfqoxQhzyFdT4Q==", - "dev": true, - "license": "MIT" - }, - "node_modules/color": { - "version": "3.2.1", - "resolved": "https://registry.npmjs.org/color/-/color-3.2.1.tgz", - "integrity": "sha512-aBl7dZI9ENN6fUGC7mWpMTPNHmWUSNan9tuWN6ahh5ZLNk9baLJOnSMlrQkHcrfFgz2/RigjUVAjdx36VcemKA==", - "license": "MIT", - "dependencies": { - "color-convert": "^1.9.3", - "color-string": "^1.6.0" - } - }, - "node_modules/color-convert": { - "version": "2.0.1", - "resolved": "https://registry.npmjs.org/color-convert/-/color-convert-2.0.1.tgz", - "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", - "license": "MIT", - "dependencies": { - "color-name": "~1.1.4" - }, - "engines": { - "node": ">=7.0.0" - } - }, - "node_modules/color-name": { - "version": "1.1.4", - "resolved": "https://registry.npmjs.org/color-name/-/color-name-1.1.4.tgz", - "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==", - "license": "MIT" - }, - "node_modules/color-string": { - "version": "1.9.1", - "resolved": "https://registry.npmjs.org/color-string/-/color-string-1.9.1.tgz", - "integrity": "sha512-shrVawQFojnZv6xM40anx4CkoDP+fZsw/ZerEMsW/pyzsRbElpsL/DBVW7q3ExxwusdNXI3lXpuhEZkzs8p5Eg==", - "license": "MIT", - "dependencies": { - "color-name": "^1.0.0", - "simple-swizzle": "^0.2.2" - } - }, - "node_modules/color-support": { - "version": "1.1.3", - "resolved": "https://registry.npmjs.org/color-support/-/color-support-1.1.3.tgz", - "integrity": "sha512-qiBjkpbMLO/HL68y+lh4q0/O1MZFj2RX6X/KmMa3+gJD3z+WwI1ZzDHysvqHGS3mP6mznPckpXmw1nI9cJjyRg==", - "license": "ISC", - "bin": { - "color-support": "bin.js" - } - }, - "node_modules/color/node_modules/color-convert": { - "version": "1.9.3", - "resolved": "https://registry.npmjs.org/color-convert/-/color-convert-1.9.3.tgz", - "integrity": "sha512-QfAUtd+vFdAtFQcC8CCyYt1fYWxSqAiK2cSD6zDB8N3cpsEBAvRxp9zOGg6G/SHHJYAT88/az/IuDGALsNVbGg==", - "license": "MIT", - "dependencies": { - "color-name": "1.1.3" - } - }, - "node_modules/color/node_modules/color-name": { - "version": "1.1.3", - "resolved": "https://registry.npmjs.org/color-name/-/color-name-1.1.3.tgz", - "integrity": "sha512-72fSenhMw2HZMTVHeCA9KCmpEIbzWiQsjN+BHcBbS9vr1mtt+vJjPdksIBNUmKAW8TFUDPJK5SUU3QhE9NEXDw==", - "license": "MIT" - }, - "node_modules/colorspace": { - "version": "1.1.4", - "resolved": "https://registry.npmjs.org/colorspace/-/colorspace-1.1.4.tgz", - "integrity": "sha512-BgvKJiuVu1igBUF2kEjRCZXol6wiiGbY5ipL/oVPwm0BL9sIpMIzM8IK7vwuxIIzOXMV3Ey5w+vxhm0rR/TN8w==", - "license": "MIT", - "dependencies": { - "color": "^3.1.3", - "text-hex": "1.0.x" - } - }, - "node_modules/combined-stream": { - "version": "1.0.8", - "resolved": "https://registry.npmjs.org/combined-stream/-/combined-stream-1.0.8.tgz", - "integrity": "sha512-FQN4MRfuJeHf7cBbBMJFXhKSDq+2kAArBlmRBvcvFE5BB1HZKXtSFASDhdlz9zOYwxh8lDdnvmMOe/+5cdoEdg==", - "license": "MIT", - "dependencies": { - "delayed-stream": "~1.0.0" - }, - "engines": { - "node": ">= 0.8" - } - }, - "node_modules/compressible": { - "version": "2.0.18", - "resolved": "https://registry.npmjs.org/compressible/-/compressible-2.0.18.tgz", - "integrity": "sha512-AF3r7P5dWxL8MxyITRMlORQNaOA2IkAFaTr4k7BUumjPtRpGDTZpl0Pb1XCO6JeDCBdp126Cgs9sMxqSjgYyRg==", - "license": "MIT", - "dependencies": { - "mime-db": ">= 1.43.0 < 2" - }, - "engines": { - "node": ">= 0.6" - } - }, - "node_modules/compression": { - "version": "1.8.0", - "resolved": "https://registry.npmjs.org/compression/-/compression-1.8.0.tgz", - "integrity": "sha512-k6WLKfunuqCYD3t6AsuPGvQWaKwuLLh2/xHNcX4qE+vIfDNXpSqnrhwA7O53R7WVQUnt8dVAIW+YHr7xTgOgGA==", - "license": "MIT", - "dependencies": { - "bytes": "3.1.2", - "compressible": "~2.0.18", - "debug": "2.6.9", - "negotiator": "~0.6.4", - "on-headers": "~1.0.2", - "safe-buffer": "5.2.1", - "vary": "~1.1.2" - }, - "engines": { - "node": ">= 0.8.0" - } - }, - "node_modules/compression/node_modules/negotiator": { - "version": "0.6.4", - "resolved": "https://registry.npmjs.org/negotiator/-/negotiator-0.6.4.tgz", - "integrity": "sha512-myRT3DiWPHqho5PrJaIRyaMv2kgYf0mUVgBNOYMuCH5Ki1yEiQaf/ZJuQ62nvpc44wL5WDbTX7yGJi1Neevw8w==", - "license": "MIT", - "engines": { - "node": ">= 0.6" - } - }, - "node_modules/compromise": { - "version": "14.14.4", - "resolved": "https://registry.npmjs.org/compromise/-/compromise-14.14.4.tgz", - "integrity": "sha512-QdbJwronwxeqb7a5KFK/+Y5YieZ4PE1f7ai0vU58Pp4jih+soDCBMuKVbhDEPQ+6+vI3vSiG4UAAjTAXLJw1Qw==", - "license": "MIT", - "dependencies": { - "efrt": "2.7.0", - "grad-school": "0.0.5", - "suffix-thumb": "5.0.2" - }, - "engines": { - "node": ">=12.0.0" - } - }, - "node_modules/concat-map": { - "version": "0.0.1", - "resolved": "https://registry.npmjs.org/concat-map/-/concat-map-0.0.1.tgz", - "integrity": "sha512-/Srv4dswyQNBfohGpz9o6Yb3Gz3SrUDqBH5rTuhGR7ahtlbYKnVxw2bCFMRljaA7EXHaXZ8wsHdodFvbkhKmqg==", - "license": "MIT" - }, - "node_modules/concat-stream": { - "version": "1.6.2", - "resolved": "https://registry.npmjs.org/concat-stream/-/concat-stream-1.6.2.tgz", - "integrity": "sha512-27HBghJxjiZtIk3Ycvn/4kbJk/1uZuJFfuPEns6LaEvpvG1f0hTea8lilrouyo9mVc2GWdcEZ8OLoGmSADlrCw==", - "engines": [ - "node >= 0.8" - ], - "license": "MIT", - "dependencies": { - "buffer-from": "^1.0.0", - "inherits": "^2.0.3", - "readable-stream": "^2.2.2", - "typedarray": "^0.0.6" - } - }, - "node_modules/console-control-strings": { - "version": "1.1.0", - "resolved": "https://registry.npmjs.org/console-control-strings/-/console-control-strings-1.1.0.tgz", - "integrity": "sha512-ty/fTekppD2fIwRvnZAVdeOiGd1c7YXEixbgJTNzqcxJWKQnjJ/V1bNEEE6hygpM3WjwHFUVK6HTjWSzV4a8sQ==", - "license": "ISC" - }, - "node_modules/content-disposition": { - "version": "0.5.4", - "resolved": "https://registry.npmjs.org/content-disposition/-/content-disposition-0.5.4.tgz", - "integrity": "sha512-FveZTNuGw04cxlAiWbzi6zTAL/lhehaWbTtgluJh4/E95DqMwTmha3KZN1aAWA8cFIhHzMZUvLevkw5Rqk+tSQ==", - "license": "MIT", - "dependencies": { - "safe-buffer": "5.2.1" - }, - "engines": { - "node": ">= 0.6" - } - }, - "node_modules/content-type": { - "version": "1.0.5", - "resolved": "https://registry.npmjs.org/content-type/-/content-type-1.0.5.tgz", - "integrity": "sha512-nTjqfcBFEipKdXCv4YDQWCfmcLZKm81ldF0pAopTvyrFGVbcR6P/VAAd5G7N+0tTr8QqiU0tFadD6FK4NtJwOA==", - "license": "MIT", - "engines": { - "node": ">= 0.6" - } - }, - "node_modules/convert-source-map": { - "version": "2.0.0", - "resolved": "https://registry.npmjs.org/convert-source-map/-/convert-source-map-2.0.0.tgz", - "integrity": "sha512-Kvp459HrV2FEJ1CAsi1Ku+MY3kasH19TFykTz2xWmMeq6bk2NU3XXvfJ+Q61m0xktWwt+1HSYf3JZsTms3aRJg==", - "dev": true, - "license": "MIT" - }, - "node_modules/cookie": { - "version": "0.7.1", - "resolved": "https://registry.npmjs.org/cookie/-/cookie-0.7.1.tgz", - "integrity": "sha512-6DnInpx7SJ2AK3+CTUE/ZM0vWTUboZCegxhC2xiIydHR9jNuTAASBrfEpHhiGOZw/nX51bHt6YQl8jsGo4y/0w==", - "license": "MIT", - "engines": { - "node": ">= 0.6" - } - }, - "node_modules/cookie-signature": { - "version": "1.0.6", - "resolved": "https://registry.npmjs.org/cookie-signature/-/cookie-signature-1.0.6.tgz", - "integrity": "sha512-QADzlaHc8icV8I7vbaJXJwod9HWYp8uCqf1xa4OfNu1T7JVxQIrUgOWtHdNDtPiywmFbiS12VjotIXLrKM3orQ==", - "license": "MIT" - }, - "node_modules/core-util-is": { - "version": "1.0.3", - "resolved": "https://registry.npmjs.org/core-util-is/-/core-util-is-1.0.3.tgz", - "integrity": "sha512-ZQBvi1DcpJ4GDqanjucZ2Hj3wEO5pZDS89BWbkcrvdxksJorwUDDZamX9ldFkp9aw2lmBDLgkObEA4DWNJ9FYQ==", - "license": "MIT" - }, - "node_modules/cors": { - "version": "2.8.5", - "resolved": "https://registry.npmjs.org/cors/-/cors-2.8.5.tgz", - "integrity": "sha512-KIHbLJqu73RGr/hnbrO9uBeixNGuvSQjul/jdFvS/KFSIH1hWVd1ng7zOHx+YrEfInLG7q4n6GHQ9cDtxv/P6g==", - "license": "MIT", - "dependencies": { - "object-assign": "^4", - "vary": "^1" - }, - "engines": { - "node": ">= 0.10" - } - }, - "node_modules/corser": { - "version": "2.0.1", - "resolved": "https://registry.npmjs.org/corser/-/corser-2.0.1.tgz", - "integrity": "sha512-utCYNzRSQIZNPIcGZdQc92UVJYAhtGAteCFg0yRaFm8f0P+CPtyGyHXJcGXnffjCybUCEx3FQ2G7U3/o9eIkVQ==", - "license": "MIT", - "engines": { - "node": ">= 0.4.0" - } - }, - "node_modules/create-jest": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/create-jest/-/create-jest-29.7.0.tgz", - "integrity": "sha512-Adz2bdH0Vq3F53KEMJOoftQFutWCukm6J24wbPWRO4k1kMY7gS7ds/uoJkNuV8wDCtWWnuwGcJwpWcih+zEW1Q==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jest/types": "^29.6.3", - "chalk": "^4.0.0", - "exit": "^0.1.2", - "graceful-fs": "^4.2.9", - "jest-config": "^29.7.0", - "jest-util": "^29.7.0", - "prompts": "^2.0.1" - }, - "bin": { - "create-jest": "bin/create-jest.js" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/cross-spawn": { - "version": "7.0.6", - "resolved": "https://registry.npmjs.org/cross-spawn/-/cross-spawn-7.0.6.tgz", - "integrity": "sha512-uV2QOWP2nWzsy2aMp8aRibhi9dlzF5Hgh5SHaB9OiTGEyDTiJJyx0uy51QXdyWbtAHNua4XJzUKca3OzKUd3vA==", - "dev": true, - "license": "MIT", - "dependencies": { - "path-key": "^3.1.0", - "shebang-command": "^2.0.0", - "which": "^2.0.1" - }, - "engines": { - "node": ">= 8" - } - }, - "node_modules/debug": { - "version": "2.6.9", - "resolved": "https://registry.npmjs.org/debug/-/debug-2.6.9.tgz", - "integrity": "sha512-bC7ElrdJaJnPbAP+1EotYvqZsb3ecl5wi6Bfi6BJTUcNowp6cvspg0jXznRTKDjm/E7AdgFBVeAPVMNcKGsHMA==", - "license": "MIT", - "dependencies": { - "ms": "2.0.0" - } - }, - "node_modules/dedent": { - "version": "1.6.0", - "resolved": "https://registry.npmjs.org/dedent/-/dedent-1.6.0.tgz", - "integrity": "sha512-F1Z+5UCFpmQUzJa11agbyPVMbpgT/qA3/SKyJ1jyBgm7dUcUEa8v9JwDkerSQXfakBwFljIxhOJqGkjUwZ9FSA==", - "dev": true, - "license": "MIT", - "peerDependencies": { - "babel-plugin-macros": "^3.1.0" - }, - "peerDependenciesMeta": { - "babel-plugin-macros": { - "optional": true - } - } - }, - "node_modules/deep-is": { - "version": "0.1.4", - "resolved": "https://registry.npmjs.org/deep-is/-/deep-is-0.1.4.tgz", - "integrity": "sha512-oIPzksmTg4/MriiaYGO+okXDT7ztn/w3Eptv/+gSIdMdKsJo0u4CfYNFJPy+4SKMuCqGw2wxnA+URMg3t8a/bQ==", - "dev": true, - "license": "MIT" - }, - "node_modules/deepmerge": { - "version": "4.3.1", - "resolved": "https://registry.npmjs.org/deepmerge/-/deepmerge-4.3.1.tgz", - "integrity": "sha512-3sUqbMEc77XqpdNO7FRyRog+eW3ph+GYCbj+rK+uYyRMuwsVy0rMiVtPn+QJlKFvWP/1PYpapqYn0Me2knFn+A==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=0.10.0" - } - }, - "node_modules/delayed-stream": { - "version": "1.0.0", - "resolved": "https://registry.npmjs.org/delayed-stream/-/delayed-stream-1.0.0.tgz", - "integrity": "sha512-ZySD7Nf91aLB0RxL4KGrKHBXl7Eds1DAmEdcoVawXnLD7SDhpNgtuII2aAkg7a7QS41jxPSZ17p4VdGnMHk3MQ==", - "license": "MIT", - "engines": { - "node": ">=0.4.0" - } - }, - "node_modules/delegates": { - "version": "1.0.0", - "resolved": "https://registry.npmjs.org/delegates/-/delegates-1.0.0.tgz", - "integrity": "sha512-bd2L678uiWATM6m5Z1VzNCErI3jiGzt6HGY8OVICs40JQq/HALfbyNJmp0UDakEY4pMMaN0Ly5om/B1VI/+xfQ==", - "license": "MIT" - }, - "node_modules/denque": { - "version": "2.1.0", - "resolved": "https://registry.npmjs.org/denque/-/denque-2.1.0.tgz", - "integrity": "sha512-HVQE3AAb/pxF8fQAoiqpvg9i3evqug3hoiwakOyZAwJm+6vZehbkYXZ0l4JxS+I3QxM97v5aaRNhj8v5oBhekw==", - "license": "Apache-2.0", - "engines": { - "node": ">=0.10" - } - }, - "node_modules/depd": { - "version": "2.0.0", - "resolved": "https://registry.npmjs.org/depd/-/depd-2.0.0.tgz", - "integrity": "sha512-g7nH6P6dyDioJogAAGprGpCtVImJhpPk/roCzdb3fIh61/s/nPsfR6onyMwkCAR/OlC3yBC0lESvUoQEAssIrw==", - "license": "MIT", - "engines": { - "node": ">= 0.8" - } - }, - "node_modules/destroy": { - "version": "1.2.0", - "resolved": "https://registry.npmjs.org/destroy/-/destroy-1.2.0.tgz", - "integrity": "sha512-2sJGJTaXIIaR1w4iJSNoN0hnMY7Gpc/n8D4qSCJw8QqFWXf7cuAgnEHxBpweaVcPevC2l3KpjYCx3NypQQgaJg==", - "license": "MIT", - "engines": { - "node": ">= 0.8", - "npm": "1.2.8000 || >= 1.4.16" - } - }, - "node_modules/detect-libc": { - "version": "2.0.3", - "resolved": "https://registry.npmjs.org/detect-libc/-/detect-libc-2.0.3.tgz", - "integrity": "sha512-bwy0MGW55bG41VqxxypOsdSdGqLwXPI/focwgTYCFMbdUiBAxLg9CFzG08sz2aqzknwiX7Hkl0bQENjg8iLByw==", - "license": "Apache-2.0", - "engines": { - "node": ">=8" - } - }, - "node_modules/detect-newline": { - "version": "3.1.0", - "resolved": "https://registry.npmjs.org/detect-newline/-/detect-newline-3.1.0.tgz", - "integrity": "sha512-TLz+x/vEXm/Y7P7wn1EJFNLxYpUD4TgMosxY6fAVJUnJMbupHBOncxyWUG9OpTaH9EBD7uFI5LfEgmMOc54DsA==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=8" - } - }, - "node_modules/diff-sequences": { - "version": "29.6.3", - "resolved": "https://registry.npmjs.org/diff-sequences/-/diff-sequences-29.6.3.tgz", - "integrity": "sha512-EjePK1srD3P08o2j4f0ExnylqRs5B9tJjcp9t1krH2qRi8CCdsYfwe9JgSLurFBWwq4uOlipzfk5fHNvwFKr8Q==", - "dev": true, - "license": "MIT", - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/doctrine": { - "version": "3.0.0", - "resolved": "https://registry.npmjs.org/doctrine/-/doctrine-3.0.0.tgz", - "integrity": "sha512-yS+Q5i3hBf7GBkd4KG8a7eBNNWNGLTaEwwYWUijIYM7zrlYDM0BFXHjjPWlWZ1Rg7UaddZeIDmi9jF3HmqiQ2w==", - "dev": true, - "license": "Apache-2.0", - "dependencies": { - "esutils": "^2.0.2" - }, - "engines": { - "node": ">=6.0.0" - } - }, - "node_modules/dotenv": { - "version": "16.4.7", - "resolved": "https://registry.npmjs.org/dotenv/-/dotenv-16.4.7.tgz", - "integrity": "sha512-47qPchRCykZC03FhkYAhrvwU4xDBFIj1QPqaarj6mdM/hgUzfPHcpkHJOn3mJAufFeeAxAzeGsr5X0M4k6fLZQ==", - "license": "BSD-2-Clause", - "engines": { - "node": ">=12" - }, - "funding": { - "url": "https://dotenvx.com" - } - }, - "node_modules/dunder-proto": { - "version": "1.0.1", - "resolved": "https://registry.npmjs.org/dunder-proto/-/dunder-proto-1.0.1.tgz", - "integrity": "sha512-KIN/nDJBQRcXw0MLVhZE9iQHmG68qAVIBg9CqmUYjmQIhgij9U5MFvrqkUL5FbtyyzZuOeOt0zdeRe4UY7ct+A==", - "license": "MIT", - "dependencies": { - "call-bind-apply-helpers": "^1.0.1", - "es-errors": "^1.3.0", - "gopd": "^1.2.0" - }, - "engines": { - "node": ">= 0.4" - } - }, - "node_modules/ecdsa-sig-formatter": { - "version": "1.0.11", - "resolved": "https://registry.npmjs.org/ecdsa-sig-formatter/-/ecdsa-sig-formatter-1.0.11.tgz", - "integrity": "sha512-nagl3RYrbNv6kQkeJIpt6NJZy8twLB/2vtz6yN9Z4vRKHN4/QZJIEbqohALSgwKdnksuY3k5Addp5lg8sVoVcQ==", - "license": "Apache-2.0", - "dependencies": { - "safe-buffer": "^5.0.1" - } - }, - "node_modules/ee-first": { - "version": "1.1.1", - "resolved": "https://registry.npmjs.org/ee-first/-/ee-first-1.1.1.tgz", - "integrity": "sha512-WMwm9LhRUo+WUaRN+vRuETqG89IgZphVSNkdFgeb6sS/E4OrDIN7t48CAewSHXc6C8lefD8KKfr5vY61brQlow==", - "license": "MIT" - }, - "node_modules/efrt": { - "version": "2.7.0", - "resolved": "https://registry.npmjs.org/efrt/-/efrt-2.7.0.tgz", - "integrity": "sha512-/RInbCy1d4P6Zdfa+TMVsf/ufZVotat5hCw3QXmWtjU+3pFEOvOQ7ibo3aIxyCJw2leIeAMjmPj+1SLJiCpdrQ==", - "license": "MIT", - "engines": { - "node": ">=12.0.0" - } - }, - "node_modules/electron-to-chromium": { - "version": "1.5.155", - "resolved": "https://registry.npmjs.org/electron-to-chromium/-/electron-to-chromium-1.5.155.tgz", - "integrity": "sha512-ps5KcGGmwL8VaeJlvlDlu4fORQpv3+GIcF5I3f9tUKUlJ/wsysh6HU8P5L1XWRYeXfA0oJd4PyM8ds8zTFf6Ng==", - "dev": true, - "license": "ISC" - }, - "node_modules/emittery": { - "version": "0.13.1", - "resolved": "https://registry.npmjs.org/emittery/-/emittery-0.13.1.tgz", - "integrity": "sha512-DeWwawk6r5yR9jFgnDKYt4sLS0LmHJJi3ZOnb5/JdbYwj3nW+FxQnHIjhBKz8YLC7oRNPVM9NQ47I3CVx34eqQ==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=12" - }, - "funding": { - "url": "https://github.com/sindresorhus/emittery?sponsor=1" - } - }, - "node_modules/emoji-regex": { - "version": "8.0.0", - "resolved": "https://registry.npmjs.org/emoji-regex/-/emoji-regex-8.0.0.tgz", - "integrity": "sha512-MSjYzcWNOA0ewAHpz0MxpYFvwg6yjy1NG3xteoqz644VCo/RPgnr1/GGt+ic3iJTzQ8Eu3TdM14SawnVUmGE6A==", - "license": "MIT" - }, - "node_modules/enabled": { - "version": "2.0.0", - "resolved": "https://registry.npmjs.org/enabled/-/enabled-2.0.0.tgz", - "integrity": "sha512-AKrN98kuwOzMIdAizXGI86UFBoo26CL21UM763y1h/GMSJ4/OHU9k2YlsmBpyScFo/wbLzWQJBMCW4+IO3/+OQ==", - "license": "MIT" - }, - "node_modules/encodeurl": { - "version": "2.0.0", - "resolved": "https://registry.npmjs.org/encodeurl/-/encodeurl-2.0.0.tgz", - "integrity": "sha512-Q0n9HRi4m6JuGIV1eFlmvJB7ZEVxu93IrMyiMsGC0lrMJMWzRgx6WGquyfQgZVb31vhGgXnfmPNNXmxnOkRBrg==", - "license": "MIT", - "engines": { - "node": ">= 0.8" - } - }, - "node_modules/engine.io": { - "version": "6.6.4", - "resolved": "https://registry.npmjs.org/engine.io/-/engine.io-6.6.4.tgz", - "integrity": "sha512-ZCkIjSYNDyGn0R6ewHDtXgns/Zre/NT6Agvq1/WobF7JXgFff4SeDroKiCO3fNJreU9YG429Sc81o4w5ok/W5g==", - "license": "MIT", - "dependencies": { - "@types/cors": "^2.8.12", - "@types/node": ">=10.0.0", - "accepts": "~1.3.4", - "base64id": "2.0.0", - "cookie": "~0.7.2", - "cors": "~2.8.5", - "debug": "~4.3.1", - "engine.io-parser": "~5.2.1", - "ws": "~8.17.1" - }, - "engines": { - "node": ">=10.2.0" - } - }, - "node_modules/engine.io-parser": { - "version": "5.2.3", - "resolved": "https://registry.npmjs.org/engine.io-parser/-/engine.io-parser-5.2.3.tgz", - "integrity": "sha512-HqD3yTBfnBxIrbnM1DoD6Pcq8NECnh8d4As1Qgh0z5Gg3jRRIqijury0CL3ghu/edArpUYiYqQiDUQBIs4np3Q==", - "license": "MIT", - "engines": { - "node": ">=10.0.0" - } - }, - "node_modules/engine.io/node_modules/cookie": { - "version": "0.7.2", - "resolved": "https://registry.npmjs.org/cookie/-/cookie-0.7.2.tgz", - "integrity": "sha512-yki5XnKuf750l50uGTllt6kKILY4nQ1eNIQatoXEByZ5dWgnKqbnqmTrBE5B4N7lrMJKQ2ytWMiTO2o0v6Ew/w==", - "license": "MIT", - "engines": { - "node": ">= 0.6" - } - }, - "node_modules/engine.io/node_modules/debug": { - "version": "4.3.7", - "resolved": "https://registry.npmjs.org/debug/-/debug-4.3.7.tgz", - "integrity": "sha512-Er2nc/H7RrMXZBFCEim6TCmMk02Z8vLC2Rbi1KEBggpo0fS6l0S1nnapwmIi3yW/+GOJap1Krg4w0Hg80oCqgQ==", - "license": "MIT", - "dependencies": { - "ms": "^2.1.3" - }, - "engines": { - "node": ">=6.0" - }, - "peerDependenciesMeta": { - "supports-color": { - "optional": true - } - } - }, - "node_modules/engine.io/node_modules/ms": { - "version": "2.1.3", - "resolved": "https://registry.npmjs.org/ms/-/ms-2.1.3.tgz", - "integrity": "sha512-6FlzubTLZG3J2a/NVCAleEhjzq5oxgHyaCU9yYXvcLsvoVaHJq/s5xXI6/XXP6tz7R9xAOtHnSO/tXtF3WRTlA==", - "license": "MIT" - }, - "node_modules/engine.io/node_modules/ws": { - "version": "8.17.1", - "resolved": "https://registry.npmjs.org/ws/-/ws-8.17.1.tgz", - "integrity": "sha512-6XQFvXTkbfUOZOKKILFG1PDK2NDQs4azKQl26T0YS5CxqWLgXajbPZ+h4gZekJyRqFU8pvnbAbbs/3TgRPy+GQ==", - "license": "MIT", - "engines": { - "node": ">=10.0.0" - }, - "peerDependencies": { - "bufferutil": "^4.0.1", - "utf-8-validate": ">=5.0.2" - }, - "peerDependenciesMeta": { - "bufferutil": { - "optional": true - }, - "utf-8-validate": { - "optional": true - } - } - }, - "node_modules/error-ex": { - "version": "1.3.2", - "resolved": "https://registry.npmjs.org/error-ex/-/error-ex-1.3.2.tgz", - "integrity": "sha512-7dFHNmqeFSEt2ZBsCriorKnn3Z2pj+fd9kmI6QoWw4//DL+icEBfc0U7qJCisqrTsKTjw4fNFy2pW9OqStD84g==", - "dev": true, - "license": "MIT", - "dependencies": { - "is-arrayish": "^0.2.1" - } - }, - "node_modules/es-define-property": { - "version": "1.0.1", - "resolved": "https://registry.npmjs.org/es-define-property/-/es-define-property-1.0.1.tgz", - "integrity": "sha512-e3nRfgfUZ4rNGL232gUgX06QNyyez04KdjFrF+LTRoOXmrOgFKDg4BCdsjW8EnT69eqdYGmRpJwiPVYNrCaW3g==", - "license": "MIT", - "engines": { - "node": ">= 0.4" - } - }, - "node_modules/es-errors": { - "version": "1.3.0", - "resolved": "https://registry.npmjs.org/es-errors/-/es-errors-1.3.0.tgz", - "integrity": "sha512-Zf5H2Kxt2xjTvbJvP2ZWLEICxA6j+hAmMzIlypy4xcBg1vKVnx89Wy0GbS+kf5cwCVFFzdCFh2XSCFNULS6csw==", - "license": "MIT", - "engines": { - "node": ">= 0.4" - } - }, - "node_modules/es-object-atoms": { - "version": "1.1.1", - "resolved": "https://registry.npmjs.org/es-object-atoms/-/es-object-atoms-1.1.1.tgz", - "integrity": "sha512-FGgH2h8zKNim9ljj7dankFPcICIK9Cp5bm+c2gQSYePhpaG5+esrLODihIorn+Pe6FGJzWhXQotPv73jTaldXA==", - "license": "MIT", - "dependencies": { - "es-errors": "^1.3.0" - }, - "engines": { - "node": ">= 0.4" - } - }, - "node_modules/escalade": { - "version": "3.2.0", - "resolved": "https://registry.npmjs.org/escalade/-/escalade-3.2.0.tgz", - "integrity": "sha512-WUj2qlxaQtO4g6Pq5c29GTcWGDyd8itL8zTlipgECz3JesAiiOKotd8JU6otB3PACgG6xkJUyVhboMS+bje/jA==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=6" - } - }, - "node_modules/escape-html": { - "version": "1.0.3", - "resolved": "https://registry.npmjs.org/escape-html/-/escape-html-1.0.3.tgz", - "integrity": "sha512-NiSupZ4OeuGwr68lGIeym/ksIZMJodUGOSCZ/FSnTxcrekbvqrgdUxlJOMpijaKZVjAJrWrGs/6Jy8OMuyj9ow==", - "license": "MIT" - }, - "node_modules/escape-string-regexp": { - "version": "4.0.0", - "resolved": "https://registry.npmjs.org/escape-string-regexp/-/escape-string-regexp-4.0.0.tgz", - "integrity": "sha512-TtpcNJ3XAzx3Gq8sWRzJaVajRs0uVxA2YAkdb1jm2YkPz4G6egUFAyA3n5vtEIZefPk5Wa4UXbKuS5fKkJWdgA==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=10" - }, - "funding": { - "url": "https://github.com/sponsors/sindresorhus" - } - }, - "node_modules/eslint": { - "version": "8.57.1", - "resolved": "https://registry.npmjs.org/eslint/-/eslint-8.57.1.tgz", - "integrity": "sha512-ypowyDxpVSYpkXr9WPv2PAZCtNip1Mv5KTW0SCurXv/9iOpcrH9PaqUElksqEB6pChqHGDRCFTyrZlGhnLNGiA==", - "deprecated": "This version is no longer supported. Please see https://eslint.org/version-support for other options.", - "dev": true, - "license": "MIT", - "dependencies": { - "@eslint-community/eslint-utils": "^4.2.0", - "@eslint-community/regexpp": "^4.6.1", - "@eslint/eslintrc": "^2.1.4", - "@eslint/js": "8.57.1", - "@humanwhocodes/config-array": "^0.13.0", - "@humanwhocodes/module-importer": "^1.0.1", - "@nodelib/fs.walk": "^1.2.8", - "@ungap/structured-clone": "^1.2.0", - "ajv": "^6.12.4", - "chalk": "^4.0.0", - "cross-spawn": "^7.0.2", - "debug": "^4.3.2", - "doctrine": "^3.0.0", - "escape-string-regexp": "^4.0.0", - "eslint-scope": "^7.2.2", - "eslint-visitor-keys": "^3.4.3", - "espree": "^9.6.1", - "esquery": "^1.4.2", - "esutils": "^2.0.2", - "fast-deep-equal": "^3.1.3", - "file-entry-cache": "^6.0.1", - "find-up": "^5.0.0", - "glob-parent": "^6.0.2", - "globals": "^13.19.0", - "graphemer": "^1.4.0", - "ignore": "^5.2.0", - "imurmurhash": "^0.1.4", - "is-glob": "^4.0.0", - "is-path-inside": "^3.0.3", - "js-yaml": "^4.1.0", - "json-stable-stringify-without-jsonify": "^1.0.1", - "levn": "^0.4.1", - "lodash.merge": "^4.6.2", - "minimatch": "^3.1.2", - "natural-compare": "^1.4.0", - "optionator": "^0.9.3", - "strip-ansi": "^6.0.1", - "text-table": "^0.2.0" - }, - "bin": { - "eslint": "bin/eslint.js" - }, - "engines": { - "node": "^12.22.0 || ^14.17.0 || >=16.0.0" - }, - "funding": { - "url": "https://opencollective.com/eslint" - } - }, - "node_modules/eslint-config-prettier": { - "version": "8.10.0", - "resolved": "https://registry.npmjs.org/eslint-config-prettier/-/eslint-config-prettier-8.10.0.tgz", - "integrity": "sha512-SM8AMJdeQqRYT9O9zguiruQZaN7+z+E4eAP9oiLNGKMtomwaB1E9dcgUD6ZAn/eQAb52USbvezbiljfZUhbJcg==", - "dev": true, - "license": "MIT", - "bin": { - "eslint-config-prettier": "bin/cli.js" - }, - "peerDependencies": { - "eslint": ">=7.0.0" - } - }, - "node_modules/eslint-plugin-prettier": { - "version": "4.2.1", - "resolved": "https://registry.npmjs.org/eslint-plugin-prettier/-/eslint-plugin-prettier-4.2.1.tgz", - "integrity": "sha512-f/0rXLXUt0oFYs8ra4w49wYZBG5GKZpAYsJSm6rnYL5uVDjd+zowwMwVZHnAjf4edNrKpCDYfXDgmRE/Ak7QyQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "prettier-linter-helpers": "^1.0.0" - }, - "engines": { - "node": ">=12.0.0" - }, - "peerDependencies": { - "eslint": ">=7.28.0", - "prettier": ">=2.0.0" - }, - "peerDependenciesMeta": { - "eslint-config-prettier": { - "optional": true - } - } - }, - "node_modules/eslint-scope": { - "version": "7.2.2", - "resolved": "https://registry.npmjs.org/eslint-scope/-/eslint-scope-7.2.2.tgz", - "integrity": "sha512-dOt21O7lTMhDM+X9mB4GX+DZrZtCUJPL/wlcTqxyrx5IvO0IYtILdtrQGQp+8n5S0gwSVmOf9NQrjMOgfQZlIg==", - "dev": true, - "license": "BSD-2-Clause", - "dependencies": { - "esrecurse": "^4.3.0", - "estraverse": "^5.2.0" - }, - "engines": { - "node": "^12.22.0 || ^14.17.0 || >=16.0.0" - }, - "funding": { - "url": "https://opencollective.com/eslint" - } - }, - "node_modules/eslint-visitor-keys": { - "version": "3.4.3", - "resolved": "https://registry.npmjs.org/eslint-visitor-keys/-/eslint-visitor-keys-3.4.3.tgz", - "integrity": "sha512-wpc+LXeiyiisxPlEkUzU6svyS1frIO3Mgxj1fdy7Pm8Ygzguax2N3Fa/D/ag1WqbOprdI+uY6wMUl8/a2G+iag==", - "dev": true, - "license": "Apache-2.0", - "engines": { - "node": "^12.22.0 || ^14.17.0 || >=16.0.0" - }, - "funding": { - "url": "https://opencollective.com/eslint" - } - }, - "node_modules/eslint/node_modules/debug": { - "version": "4.4.1", - "resolved": "https://registry.npmjs.org/debug/-/debug-4.4.1.tgz", - "integrity": "sha512-KcKCqiftBJcZr++7ykoDIEwSa3XWowTfNPo92BYxjXiyYEVrUQh2aLyhxBCwww+heortUFxEJYcRzosstTEBYQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "ms": "^2.1.3" - }, - "engines": { - "node": ">=6.0" - }, - "peerDependenciesMeta": { - "supports-color": { - "optional": true - } - } - }, - "node_modules/eslint/node_modules/glob-parent": { - "version": "6.0.2", - "resolved": "https://registry.npmjs.org/glob-parent/-/glob-parent-6.0.2.tgz", - "integrity": "sha512-XxwI8EOhVQgWp6iDL+3b0r86f4d6AX6zSU55HfB4ydCEuXLXc5FcYeOu+nnGftS4TEju/11rt4KJPTMgbfmv4A==", - "dev": true, - "license": "ISC", - "dependencies": { - "is-glob": "^4.0.3" - }, - "engines": { - "node": ">=10.13.0" - } - }, - "node_modules/eslint/node_modules/ms": { - "version": "2.1.3", - "resolved": "https://registry.npmjs.org/ms/-/ms-2.1.3.tgz", - "integrity": "sha512-6FlzubTLZG3J2a/NVCAleEhjzq5oxgHyaCU9yYXvcLsvoVaHJq/s5xXI6/XXP6tz7R9xAOtHnSO/tXtF3WRTlA==", - "dev": true, - "license": "MIT" - }, - "node_modules/espree": { - "version": "9.6.1", - "resolved": "https://registry.npmjs.org/espree/-/espree-9.6.1.tgz", - "integrity": "sha512-oruZaFkjorTpF32kDSI5/75ViwGeZginGGy2NoOSg3Q9bnwlnmDm4HLnkl0RE3n+njDXR037aY1+x58Z/zFdwQ==", - "dev": true, - "license": "BSD-2-Clause", - "dependencies": { - "acorn": "^8.9.0", - "acorn-jsx": "^5.3.2", - "eslint-visitor-keys": "^3.4.1" - }, - "engines": { - "node": "^12.22.0 || ^14.17.0 || >=16.0.0" - }, - "funding": { - "url": "https://opencollective.com/eslint" - } - }, - "node_modules/esprima": { - "version": "4.0.1", - "resolved": "https://registry.npmjs.org/esprima/-/esprima-4.0.1.tgz", - "integrity": "sha512-eGuFFw7Upda+g4p+QHvnW0RyTX/SVeJBDM/gCtMARO0cLuT2HcEKnTPvhjV6aGeqrCB/sbNop0Kszm0jsaWU4A==", - "dev": true, - "license": "BSD-2-Clause", - "bin": { - "esparse": "bin/esparse.js", - "esvalidate": "bin/esvalidate.js" - }, - "engines": { - "node": ">=4" - } - }, - "node_modules/esquery": { - "version": "1.6.0", - "resolved": "https://registry.npmjs.org/esquery/-/esquery-1.6.0.tgz", - "integrity": "sha512-ca9pw9fomFcKPvFLXhBKUK90ZvGibiGOvRJNbjljY7s7uq/5YO4BOzcYtJqExdx99rF6aAcnRxHmcUHcz6sQsg==", - "dev": true, - "license": "BSD-3-Clause", - "dependencies": { - "estraverse": "^5.1.0" - }, - "engines": { - "node": ">=0.10" - } - }, - "node_modules/esrecurse": { - "version": "4.3.0", - "resolved": "https://registry.npmjs.org/esrecurse/-/esrecurse-4.3.0.tgz", - "integrity": "sha512-KmfKL3b6G+RXvP8N1vr3Tq1kL/oCFgn2NYXEtqP8/L3pKapUA4G8cFVaoF3SU323CD4XypR/ffioHmkti6/Tag==", - "dev": true, - "license": "BSD-2-Clause", - "dependencies": { - "estraverse": "^5.2.0" - }, - "engines": { - "node": ">=4.0" - } - }, - "node_modules/estraverse": { - "version": "5.3.0", - "resolved": "https://registry.npmjs.org/estraverse/-/estraverse-5.3.0.tgz", - "integrity": "sha512-MMdARuVEQziNTeJD8DgMqmhwR11BRQ/cBP+pLtYdSTnf3MIO8fFeiINEbX36ZdNlfU/7A9f3gUw49B3oQsvwBA==", - "dev": true, - "license": "BSD-2-Clause", - "engines": { - "node": ">=4.0" - } - }, - "node_modules/esutils": { - "version": "2.0.3", - "resolved": "https://registry.npmjs.org/esutils/-/esutils-2.0.3.tgz", - "integrity": "sha512-kVscqXk4OCp68SZ0dkgEKVi6/8ij300KBWTJq32P/dYeWTSwK41WyTxalN1eRmA5Z9UU/LX9D7FWSmV9SAYx6g==", - "dev": true, - "license": "BSD-2-Clause", - "engines": { - "node": ">=0.10.0" - } - }, - "node_modules/etag": { - "version": "1.8.1", - "resolved": "https://registry.npmjs.org/etag/-/etag-1.8.1.tgz", - "integrity": "sha512-aIL5Fx7mawVa300al2BnEE4iNvo1qETxLrPI/o05L7z6go7fCw1J6EQmbK4FmJ2AS7kgVF/KEZWufBfdClMcPg==", - "license": "MIT", - "engines": { - "node": ">= 0.6" - } - }, - "node_modules/eventemitter3": { - "version": "4.0.7", - "resolved": "https://registry.npmjs.org/eventemitter3/-/eventemitter3-4.0.7.tgz", - "integrity": "sha512-8guHBZCwKnFhYdHr2ysuRWErTwhoN2X8XELRlrRwpmfeY2jjuUN4taQMsULKUVo1K4DvZl+0pgfyoysHxvmvEw==", - "license": "MIT" - }, - "node_modules/execa": { - "version": "5.1.1", - "resolved": "https://registry.npmjs.org/execa/-/execa-5.1.1.tgz", - "integrity": "sha512-8uSpZZocAZRBAPIEINJj3Lo9HyGitllczc27Eh5YYojjMFMn8yHMDMaUHE2Jqfq05D/wucwI4JGURyXt1vchyg==", - "dev": true, - "license": "MIT", - "dependencies": { - "cross-spawn": "^7.0.3", - "get-stream": "^6.0.0", - "human-signals": "^2.1.0", - "is-stream": "^2.0.0", - "merge-stream": "^2.0.0", - "npm-run-path": "^4.0.1", - "onetime": "^5.1.2", - "signal-exit": "^3.0.3", - "strip-final-newline": "^2.0.0" - }, - "engines": { - "node": ">=10" - }, - "funding": { - "url": "https://github.com/sindresorhus/execa?sponsor=1" - } - }, - "node_modules/exit": { - "version": "0.1.2", - "resolved": "https://registry.npmjs.org/exit/-/exit-0.1.2.tgz", - "integrity": "sha512-Zk/eNKV2zbjpKzrsQ+n1G6poVbErQxJ0LBOJXaKZ1EViLzH+hrLu9cdXI4zw9dBQJslwBEpbQ2P1oS7nDxs6jQ==", - "dev": true, - "engines": { - "node": ">= 0.8.0" - } - }, - "node_modules/expect": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/expect/-/expect-29.7.0.tgz", - "integrity": "sha512-2Zks0hf1VLFYI1kbh0I5jP3KHHyCHpkfyHBzsSXRFgl/Bg9mWYfMW8oD+PdMPlEwy5HNsR9JutYy6pMeOh61nw==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jest/expect-utils": "^29.7.0", - "jest-get-type": "^29.6.3", - "jest-matcher-utils": "^29.7.0", - "jest-message-util": "^29.7.0", - "jest-util": "^29.7.0" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/express": { - "version": "4.21.2", - "resolved": "https://registry.npmjs.org/express/-/express-4.21.2.tgz", - "integrity": "sha512-28HqgMZAmih1Czt9ny7qr6ek2qddF4FclbMzwhCREB6OFfH+rXAnuNCwo1/wFvrtbgsQDb4kSbX9de9lFbrXnA==", - "license": "MIT", - "dependencies": { - "accepts": "~1.3.8", - "array-flatten": "1.1.1", - "body-parser": "1.20.3", - "content-disposition": "0.5.4", - "content-type": "~1.0.4", - "cookie": "0.7.1", - "cookie-signature": "1.0.6", - "debug": "2.6.9", - "depd": "2.0.0", - "encodeurl": "~2.0.0", - "escape-html": "~1.0.3", - "etag": "~1.8.1", - "finalhandler": "1.3.1", - "fresh": "0.5.2", - "http-errors": "2.0.0", - "merge-descriptors": "1.0.3", - "methods": "~1.1.2", - "on-finished": "2.4.1", - "parseurl": "~1.3.3", - "path-to-regexp": "0.1.12", - "proxy-addr": "~2.0.7", - "qs": "6.13.0", - "range-parser": "~1.2.1", - "safe-buffer": "5.2.1", - "send": "0.19.0", - "serve-static": "1.16.2", - "setprototypeof": "1.2.0", - "statuses": "2.0.1", - "type-is": "~1.6.18", - "utils-merge": "1.0.1", - "vary": "~1.1.2" - }, - "engines": { - "node": ">= 0.10.0" - }, - "funding": { - "type": "opencollective", - "url": "https://opencollective.com/express" - } - }, - "node_modules/express-rate-limit": { - "version": "6.11.2", - "resolved": "https://registry.npmjs.org/express-rate-limit/-/express-rate-limit-6.11.2.tgz", - "integrity": "sha512-a7uwwfNTh1U60ssiIkuLFWHt4hAC5yxlLGU2VP0X4YNlyEDZAqF4tK3GD3NSitVBrCQmQ0++0uOyFOgC2y4DDw==", - "license": "MIT", - "engines": { - "node": ">= 14" - }, - "peerDependencies": { - "express": "^4 || ^5" - } - }, - "node_modules/fast-deep-equal": { - "version": "3.1.3", - "resolved": "https://registry.npmjs.org/fast-deep-equal/-/fast-deep-equal-3.1.3.tgz", - "integrity": "sha512-f3qQ9oQy9j2AhBe/H9VC91wLmKBCCU/gDOnKNAYG5hswO7BLKj09Hc5HYNz9cGI++xlpDCIgDaitVs03ATR84Q==", - "dev": true, - "license": "MIT" - }, - "node_modules/fast-diff": { - "version": "1.3.0", - "resolved": "https://registry.npmjs.org/fast-diff/-/fast-diff-1.3.0.tgz", - "integrity": "sha512-VxPP4NqbUjj6MaAOafWeUn2cXWLcCtljklUtZf0Ind4XQ+QPtmA0b18zZy0jIQx+ExRVCR/ZQpBmik5lXshNsw==", - "dev": true, - "license": "Apache-2.0" - }, - "node_modules/fast-json-stable-stringify": { - "version": "2.1.0", - "resolved": "https://registry.npmjs.org/fast-json-stable-stringify/-/fast-json-stable-stringify-2.1.0.tgz", - "integrity": "sha512-lhd/wF+Lk98HZoTCtlVraHtfh5XYijIjalXck7saUtuanSDyLMxnHhSXEDJqHxD7msR8D0uCmqlkwjCV8xvwHw==", - "dev": true, - "license": "MIT" - }, - "node_modules/fast-levenshtein": { - "version": "3.0.0", - "resolved": "https://registry.npmjs.org/fast-levenshtein/-/fast-levenshtein-3.0.0.tgz", - "integrity": "sha512-hKKNajm46uNmTlhHSyZkmToAc56uZJwYq7yrciZjqOxnlfQwERDQJmHPUp7m1m9wx8vgOe8IaCKZ5Kv2k1DdCQ==", - "license": "MIT", - "dependencies": { - "fastest-levenshtein": "^1.0.7" - } - }, - "node_modules/fastest-levenshtein": { - "version": "1.0.16", - "resolved": "https://registry.npmjs.org/fastest-levenshtein/-/fastest-levenshtein-1.0.16.tgz", - "integrity": "sha512-eRnCtTTtGZFpQCwhJiUOuxPQWRXVKYDn0b2PeHfXL6/Zi53SLAzAHfVhVWK2AryC/WH05kGfxhFIPvTF0SXQzg==", - "license": "MIT", - "engines": { - "node": ">= 4.9.1" - } - }, - "node_modules/fastq": { - "version": "1.19.1", - "resolved": "https://registry.npmjs.org/fastq/-/fastq-1.19.1.tgz", - "integrity": "sha512-GwLTyxkCXjXbxqIhTsMI2Nui8huMPtnxg7krajPJAjnEG/iiOS7i+zCtWGZR9G0NBKbXKh6X9m9UIsYX/N6vvQ==", - "dev": true, - "license": "ISC", - "dependencies": { - "reusify": "^1.0.4" - } - }, - "node_modules/fb-watchman": { - "version": "2.0.2", - "resolved": "https://registry.npmjs.org/fb-watchman/-/fb-watchman-2.0.2.tgz", - "integrity": "sha512-p5161BqbuCaSnB8jIbzQHOlpgsPmK5rJVDfDKO91Axs5NC1uu3HRQm6wt9cd9/+GtQQIO53JdGXXoyDpTAsgYA==", - "dev": true, - "license": "Apache-2.0", - "dependencies": { - "bser": "2.1.1" - } - }, - "node_modules/fecha": { - "version": "4.2.3", - "resolved": "https://registry.npmjs.org/fecha/-/fecha-4.2.3.tgz", - "integrity": "sha512-OP2IUU6HeYKJi3i0z4A19kHMQoLVs4Hc+DPqqxI2h/DPZHTm/vjsfC6P0b4jCMy14XizLBqvndQ+UilD7707Jw==", - "license": "MIT" - }, - "node_modules/file-entry-cache": { - "version": "6.0.1", - "resolved": "https://registry.npmjs.org/file-entry-cache/-/file-entry-cache-6.0.1.tgz", - "integrity": "sha512-7Gps/XWymbLk2QLYK4NzpMOrYjMhdIxXuIvy2QBsLE6ljuodKvdkWs/cpyJJ3CVIVpH0Oi1Hvg1ovbMzLdFBBg==", - "dev": true, - "license": "MIT", - "dependencies": { - "flat-cache": "^3.0.4" - }, - "engines": { - "node": "^10.12.0 || >=12.0.0" - } - }, - "node_modules/fill-range": { - "version": "7.1.1", - "resolved": "https://registry.npmjs.org/fill-range/-/fill-range-7.1.1.tgz", - "integrity": "sha512-YsGpe3WHLK8ZYi4tWDg2Jy3ebRz2rXowDxnld4bkQB00cc/1Zw9AWnC0i9ztDJitivtQvaI9KaLyKrc+hBW0yg==", - "dev": true, - "license": "MIT", - "dependencies": { - "to-regex-range": "^5.0.1" - }, - "engines": { - "node": ">=8" - } - }, - "node_modules/finalhandler": { - "version": "1.3.1", - "resolved": "https://registry.npmjs.org/finalhandler/-/finalhandler-1.3.1.tgz", - "integrity": "sha512-6BN9trH7bp3qvnrRyzsBz+g3lZxTNZTbVO2EV1CS0WIcDbawYVdYvGflME/9QP0h0pYlCDBCTjYa9nZzMDpyxQ==", - "license": "MIT", - "dependencies": { - "debug": "2.6.9", - "encodeurl": "~2.0.0", - "escape-html": "~1.0.3", - "on-finished": "2.4.1", - "parseurl": "~1.3.3", - "statuses": "2.0.1", - "unpipe": "~1.0.0" - }, - "engines": { - "node": ">= 0.8" - } - }, - "node_modules/find-up": { - "version": "5.0.0", - "resolved": "https://registry.npmjs.org/find-up/-/find-up-5.0.0.tgz", - "integrity": "sha512-78/PXT1wlLLDgTzDs7sjq9hzz0vXD+zn+7wypEe4fXQxCmdmqfGsEPQxmiCSQI3ajFV91bVSsvNtrJRiW6nGng==", - "dev": true, - "license": "MIT", - "dependencies": { - "locate-path": "^6.0.0", - "path-exists": "^4.0.0" - }, - "engines": { - "node": ">=10" - }, - "funding": { - "url": "https://github.com/sponsors/sindresorhus" - } - }, - "node_modules/flat-cache": { - "version": "3.2.0", - "resolved": "https://registry.npmjs.org/flat-cache/-/flat-cache-3.2.0.tgz", - "integrity": "sha512-CYcENa+FtcUKLmhhqyctpclsq7QF38pKjZHsGNiSQF5r4FtoKDWabFDl3hzaEQMvT1LHEysw5twgLvpYYb4vbw==", - "dev": true, - "license": "MIT", - "dependencies": { - "flatted": "^3.2.9", - "keyv": "^4.5.3", - "rimraf": "^3.0.2" - }, - "engines": { - "node": "^10.12.0 || >=12.0.0" - } - }, - "node_modules/flatted": { - "version": "3.3.3", - "resolved": "https://registry.npmjs.org/flatted/-/flatted-3.3.3.tgz", - "integrity": "sha512-GX+ysw4PBCz0PzosHDepZGANEuFCMLrnRTiEy9McGjmkCQYwRq4A/X786G/fjM/+OjsWSU1ZrY5qyARZmO/uwg==", - "dev": true, - "license": "ISC" - }, - "node_modules/fn.name": { - "version": "1.1.0", - "resolved": "https://registry.npmjs.org/fn.name/-/fn.name-1.1.0.tgz", - "integrity": "sha512-GRnmB5gPyJpAhTQdSZTSp9uaPSvl09KoYcMQtsB9rQoOmzs9dH6ffeccH+Z+cv6P68Hu5bC6JjRh4Ah/mHSNRw==", - "license": "MIT" - }, - "node_modules/follow-redirects": { - "version": "1.15.9", - "resolved": "https://registry.npmjs.org/follow-redirects/-/follow-redirects-1.15.9.tgz", - "integrity": "sha512-gew4GsXizNgdoRyqmyfMHyAmXsZDk6mHkSxZFCzW9gwlbtOW44CDtYavM+y+72qD/Vq2l550kMF52DT8fOLJqQ==", - "funding": [ - { - "type": "individual", - "url": "https://github.com/sponsors/RubenVerborgh" - } - ], - "license": "MIT", - "engines": { - "node": ">=4.0" - }, - "peerDependenciesMeta": { - "debug": { - "optional": true - } - } - }, - "node_modules/form-data": { - "version": "4.0.1", - "resolved": "https://registry.npmjs.org/form-data/-/form-data-4.0.1.tgz", - "integrity": "sha512-tzN8e4TX8+kkxGPK8D5u0FNmjPUjw3lwC9lSLxxoB/+GtsJG91CO8bSWy73APlgAZzZbXEYZJuxjkHH2w+Ezhw==", - "license": "MIT", - "dependencies": { - "asynckit": "^0.4.0", - "combined-stream": "^1.0.8", - "mime-types": "^2.1.12" - }, - "engines": { - "node": ">= 6" - } - }, - "node_modules/forwarded": { - "version": "0.2.0", - "resolved": "https://registry.npmjs.org/forwarded/-/forwarded-0.2.0.tgz", - "integrity": "sha512-buRG0fpBtRHSTCOASe6hD258tEubFoRLb4ZNA6NxMVHNw2gOcwHo9wyablzMzOA5z9xA9L1KNjk/Nt6MT9aYow==", - "license": "MIT", - "engines": { - "node": ">= 0.6" - } - }, - "node_modules/fresh": { - "version": "0.5.2", - "resolved": "https://registry.npmjs.org/fresh/-/fresh-0.5.2.tgz", - "integrity": "sha512-zJ2mQYM18rEFOudeV4GShTGIQ7RbzA7ozbU9I/XBpm7kqgMywgmylMwXHxZJmkVoYkna9d2pVXVXPdYTP9ej8Q==", - "license": "MIT", - "engines": { - "node": ">= 0.6" - } - }, - "node_modules/fs-minipass": { - "version": "2.1.0", - "resolved": "https://registry.npmjs.org/fs-minipass/-/fs-minipass-2.1.0.tgz", - "integrity": "sha512-V/JgOLFCS+R6Vcq0slCuaeWEdNC3ouDlJMNIsacH2VtALiu9mV4LPrHc5cDl8k5aw6J8jwgWWpiTo5RYhmIzvg==", - "license": "ISC", - "dependencies": { - "minipass": "^3.0.0" - }, - "engines": { - "node": ">= 8" - } - }, - "node_modules/fs-minipass/node_modules/minipass": { - "version": "3.3.6", - "resolved": "https://registry.npmjs.org/minipass/-/minipass-3.3.6.tgz", - "integrity": "sha512-DxiNidxSEK+tHG6zOIklvNOwm3hvCrbUrdtzY74U6HKTJxvIDfOUL5W5P2Ghd3DTkhhKPYGqeNUIh5qcM4YBfw==", - "license": "ISC", - "dependencies": { - "yallist": "^4.0.0" - }, - "engines": { - "node": ">=8" - } - }, - "node_modules/fs.realpath": { - "version": "1.0.0", - "resolved": "https://registry.npmjs.org/fs.realpath/-/fs.realpath-1.0.0.tgz", - "integrity": "sha512-OO0pH2lK6a0hZnAdau5ItzHPI6pUlvI7jMVnxUQRtw4owF2wk8lOSabtGDCTP4Ggrg2MbGnWO9X8K1t4+fGMDw==", - "license": "ISC" - }, - "node_modules/fsevents": { - "version": "2.3.3", - "resolved": "https://registry.npmjs.org/fsevents/-/fsevents-2.3.3.tgz", - "integrity": "sha512-5xoDfX+fL7faATnagmWPpbFtwh/R77WmMMqqHGS65C3vvB0YHrgF+B1YmZ3441tMj5n63k0212XNoJwzlhffQw==", - "dev": true, - "hasInstallScript": true, - "license": "MIT", - "optional": true, - "os": [ - "darwin" - ], - "engines": { - "node": "^8.16.0 || ^10.6.0 || >=11.0.0" - } - }, - "node_modules/function-bind": { - "version": "1.1.2", - "resolved": "https://registry.npmjs.org/function-bind/-/function-bind-1.1.2.tgz", - "integrity": "sha512-7XHNxH7qX9xG5mIwxkhumTox/MIRNcOgDrxWsMt2pAr23WHp6MrRlN7FBSFpCpr+oVO0F744iUgR82nJMfG2SA==", - "license": "MIT", - "funding": { - "url": "https://github.com/sponsors/ljharb" - } - }, - "node_modules/gauge": { - "version": "3.0.2", - "resolved": "https://registry.npmjs.org/gauge/-/gauge-3.0.2.tgz", - "integrity": "sha512-+5J6MS/5XksCuXq++uFRsnUd7Ovu1XenbeuIuNRJxYWjgQbPuFhT14lAvsWfqfAmnwluf1OwMjz39HjfLPci0Q==", - "deprecated": "This package is no longer supported.", - "license": "ISC", - "dependencies": { - "aproba": "^1.0.3 || ^2.0.0", - "color-support": "^1.1.2", - "console-control-strings": "^1.0.0", - "has-unicode": "^2.0.1", - "object-assign": "^4.1.1", - "signal-exit": "^3.0.0", - "string-width": "^4.2.3", - "strip-ansi": "^6.0.1", - "wide-align": "^1.1.2" - }, - "engines": { - "node": ">=10" - } - }, - "node_modules/generate-function": { - "version": "2.3.1", - "resolved": "https://registry.npmjs.org/generate-function/-/generate-function-2.3.1.tgz", - "integrity": "sha512-eeB5GfMNeevm/GRYq20ShmsaGcmI81kIX2K9XQx5miC8KdHaC6Jm0qQ8ZNeGOi7wYB8OsdxKs+Y2oVuTFuVwKQ==", - "license": "MIT", - "dependencies": { - "is-property": "^1.0.2" - } - }, - "node_modules/generic-pool": { - "version": "3.9.0", - "resolved": "https://registry.npmjs.org/generic-pool/-/generic-pool-3.9.0.tgz", - "integrity": "sha512-hymDOu5B53XvN4QT9dBmZxPX4CWhBPPLguTZ9MMFeFa/Kg0xWVfylOVNlJji/E7yTZWFd/q9GO5TxDLq156D7g==", - "license": "MIT", - "engines": { - "node": ">= 4" - } - }, - "node_modules/gensync": { - "version": "1.0.0-beta.2", - "resolved": "https://registry.npmjs.org/gensync/-/gensync-1.0.0-beta.2.tgz", - "integrity": "sha512-3hN7NaskYvMDLQY55gnW3NQ+mesEAepTqlg+VEbj7zzqEMBVNhzcGYYeqFo/TlYz6eQiFcp1HcsCZO+nGgS8zg==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=6.9.0" - } - }, - "node_modules/get-caller-file": { - "version": "2.0.5", - "resolved": "https://registry.npmjs.org/get-caller-file/-/get-caller-file-2.0.5.tgz", - "integrity": "sha512-DyFP3BM/3YHTQOCUL/w0OZHR0lpKeGrxotcHWcqNEdnltqFwXVfhEBQ94eIo34AfQpo0rGki4cyIiftY06h2Fg==", - "dev": true, - "license": "ISC", - "engines": { - "node": "6.* || 8.* || >= 10.*" - } - }, - "node_modules/get-intrinsic": { - "version": "1.2.7", - "resolved": "https://registry.npmjs.org/get-intrinsic/-/get-intrinsic-1.2.7.tgz", - "integrity": "sha512-VW6Pxhsrk0KAOqs3WEd0klDiF/+V7gQOpAvY1jVU/LHmaD/kQO4523aiJuikX/QAKYiW6x8Jh+RJej1almdtCA==", - "license": "MIT", - "dependencies": { - "call-bind-apply-helpers": "^1.0.1", - "es-define-property": "^1.0.1", - "es-errors": "^1.3.0", - "es-object-atoms": "^1.0.0", - "function-bind": "^1.1.2", - "get-proto": "^1.0.0", - "gopd": "^1.2.0", - "has-symbols": "^1.1.0", - "hasown": "^2.0.2", - "math-intrinsics": "^1.1.0" - }, - "engines": { - "node": ">= 0.4" - }, - "funding": { - "url": "https://github.com/sponsors/ljharb" - } - }, - "node_modules/get-package-type": { - "version": "0.1.0", - "resolved": "https://registry.npmjs.org/get-package-type/-/get-package-type-0.1.0.tgz", - "integrity": "sha512-pjzuKtY64GYfWizNAJ0fr9VqttZkNiK2iS430LtIHzjBEr6bX8Am2zm4sW4Ro5wjWW5cAlRL1qAMTcXbjNAO2Q==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=8.0.0" - } - }, - "node_modules/get-proto": { - "version": "1.0.1", - "resolved": "https://registry.npmjs.org/get-proto/-/get-proto-1.0.1.tgz", - "integrity": "sha512-sTSfBjoXBp89JvIKIefqw7U2CCebsc74kiY6awiGogKtoSGbgjYE/G/+l9sF3MWFPNc9IcoOC4ODfKHfxFmp0g==", - "license": "MIT", - "dependencies": { - "dunder-proto": "^1.0.1", - "es-object-atoms": "^1.0.0" - }, - "engines": { - "node": ">= 0.4" - } - }, - "node_modules/get-stream": { - "version": "6.0.1", - "resolved": "https://registry.npmjs.org/get-stream/-/get-stream-6.0.1.tgz", - "integrity": "sha512-ts6Wi+2j3jQjqi70w5AlN8DFnkSwC+MqmxEzdEALB2qXZYV3X/b1CTfgPLGJNMeAWxdPfU8FO1ms3NUfaHCPYg==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=10" - }, - "funding": { - "url": "https://github.com/sponsors/sindresorhus" - } - }, - "node_modules/glob": { - "version": "7.2.3", - "resolved": "https://registry.npmjs.org/glob/-/glob-7.2.3.tgz", - "integrity": "sha512-nFR0zLpU2YCaRxwoCJvL6UvCH2JFyFVIvwTLsIf21AuHlMskA1hhTdk+LlYJtOlYt9v6dvszD2BGRqBL+iQK9Q==", - "deprecated": "Glob versions prior to v9 are no longer supported", - "license": "ISC", - "dependencies": { - "fs.realpath": "^1.0.0", - "inflight": "^1.0.4", - "inherits": "2", - "minimatch": "^3.1.1", - "once": "^1.3.0", - "path-is-absolute": "^1.0.0" - }, - "engines": { - "node": "*" - }, - "funding": { - "url": "https://github.com/sponsors/isaacs" - } - }, - "node_modules/glob-parent": { - "version": "5.1.2", - "resolved": "https://registry.npmjs.org/glob-parent/-/glob-parent-5.1.2.tgz", - "integrity": "sha512-AOIgSQCepiJYwP3ARnGx+5VnTu2HBYdzbGP45eLw1vr3zB3vZLeyed1sC9hnbcOc9/SrMyM5RPQrkGz4aS9Zow==", - "dev": true, - "license": "ISC", - "dependencies": { - "is-glob": "^4.0.1" - }, - "engines": { - "node": ">= 6" - } - }, - "node_modules/globals": { - "version": "13.24.0", - "resolved": "https://registry.npmjs.org/globals/-/globals-13.24.0.tgz", - "integrity": "sha512-AhO5QUcj8llrbG09iWhPU2B204J1xnPeL8kQmVorSsy+Sjj1sk8gIyh6cUocGmH4L0UuhAJy+hJMRA4mgA4mFQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "type-fest": "^0.20.2" - }, - "engines": { - "node": ">=8" - }, - "funding": { - "url": "https://github.com/sponsors/sindresorhus" - } - }, - "node_modules/gopd": { - "version": "1.2.0", - "resolved": "https://registry.npmjs.org/gopd/-/gopd-1.2.0.tgz", - "integrity": "sha512-ZUKRh6/kUFoAiTAtTYPZJ3hw9wNxx+BIBOijnlG9PnrJsCcSjs1wyyD6vJpaYtgnzDrKYRSqf3OO6Rfa93xsRg==", - "license": "MIT", - "engines": { - "node": ">= 0.4" - }, - "funding": { - "url": "https://github.com/sponsors/ljharb" - } - }, - "node_modules/graceful-fs": { - "version": "4.2.11", - "resolved": "https://registry.npmjs.org/graceful-fs/-/graceful-fs-4.2.11.tgz", - "integrity": "sha512-RbJ5/jmFcNNCcDV5o9eTnBLJ/HszWV0P73bc+Ff4nS/rJj+YaS6IGyiOL0VoBYX+l1Wrl3k63h/KrH+nhJ0XvQ==", - "dev": true, - "license": "ISC" - }, - "node_modules/grad-school": { - "version": "0.0.5", - "resolved": "https://registry.npmjs.org/grad-school/-/grad-school-0.0.5.tgz", - "integrity": "sha512-rXunEHF9M9EkMydTBux7+IryYXEZinRk6g8OBOGDBzo/qWJjhTxy86i5q7lQYpCLHN8Sqv1XX3OIOc7ka2gtvQ==", - "license": "MIT", - "engines": { - "node": ">=8.0.0" - } - }, - "node_modules/graphemer": { - "version": "1.4.0", - "resolved": "https://registry.npmjs.org/graphemer/-/graphemer-1.4.0.tgz", - "integrity": "sha512-EtKwoO6kxCL9WO5xipiHTZlSzBm7WLT627TqC/uVRd0HKmq8NXyebnNYxDoBi7wt8eTWrUrKXCOVaFq9x1kgag==", - "dev": true, - "license": "MIT" - }, - "node_modules/has-flag": { - "version": "4.0.0", - "resolved": "https://registry.npmjs.org/has-flag/-/has-flag-4.0.0.tgz", - "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", - "license": "MIT", - "engines": { - "node": ">=8" - } - }, - "node_modules/has-symbols": { - "version": "1.1.0", - "resolved": "https://registry.npmjs.org/has-symbols/-/has-symbols-1.1.0.tgz", - "integrity": "sha512-1cDNdwJ2Jaohmb3sg4OmKaMBwuC48sYni5HUw2DvsC8LjGTLK9h+eb1X6RyuOHe4hT0ULCW68iomhjUoKUqlPQ==", - "license": "MIT", - "engines": { - "node": ">= 0.4" - }, - "funding": { - "url": "https://github.com/sponsors/ljharb" - } - }, - "node_modules/has-unicode": { - "version": "2.0.1", - "resolved": "https://registry.npmjs.org/has-unicode/-/has-unicode-2.0.1.tgz", - "integrity": "sha512-8Rf9Y83NBReMnx0gFzA8JImQACstCYWUplepDa9xprwwtmgEZUF0h/i5xSA625zB/I37EtrswSST6OXxwaaIJQ==", - "license": "ISC" - }, - "node_modules/hasown": { - "version": "2.0.2", - "resolved": "https://registry.npmjs.org/hasown/-/hasown-2.0.2.tgz", - "integrity": "sha512-0hJU9SCPvmMzIBdZFqNPXWa6dqh7WdH0cII9y+CyS8rG3nL48Bclra9HmKhVVUHyPWNH5Y7xDwAB7bfgSjkUMQ==", - "license": "MIT", - "dependencies": { - "function-bind": "^1.1.2" - }, - "engines": { - "node": ">= 0.4" - } - }, - "node_modules/he": { - "version": "1.2.0", - "resolved": "https://registry.npmjs.org/he/-/he-1.2.0.tgz", - "integrity": "sha512-F/1DnUGPopORZi0ni+CvrCgHQ5FyEAHRLSApuYWMmrbSwoN2Mn/7k+Gl38gJnR7yyDZk6WLXwiGod1JOWNDKGw==", - "license": "MIT", - "bin": { - "he": "bin/he" - } - }, - "node_modules/helmet": { - "version": "7.2.0", - "resolved": "https://registry.npmjs.org/helmet/-/helmet-7.2.0.tgz", - "integrity": "sha512-ZRiwvN089JfMXokizgqEPXsl2Guk094yExfoDXR0cBYWxtBbaSww/w+vT4WEJsBW2iTUi1GgZ6swmoug3Oy4Xw==", - "license": "MIT", - "engines": { - "node": ">=16.0.0" - } - }, - "node_modules/html-encoding-sniffer": { - "version": "3.0.0", - "resolved": "https://registry.npmjs.org/html-encoding-sniffer/-/html-encoding-sniffer-3.0.0.tgz", - "integrity": "sha512-oWv4T4yJ52iKrufjnyZPkrN0CH3QnrUqdB6In1g5Fe1mia8GmF36gnfNySxoZtxD5+NmYw1EElVXiBk93UeskA==", - "license": "MIT", - "dependencies": { - "whatwg-encoding": "^2.0.0" - }, - "engines": { - "node": ">=12" - } - }, - "node_modules/html-escaper": { - "version": "2.0.2", - "resolved": "https://registry.npmjs.org/html-escaper/-/html-escaper-2.0.2.tgz", - "integrity": "sha512-H2iMtd0I4Mt5eYiapRdIDjp+XzelXQ0tFE4JS7YFwFevXXMmOp9myNrUvCg0D6ws8iqkRPBfKHgbwig1SmlLfg==", - "dev": true, - "license": "MIT" - }, - "node_modules/http-errors": { - "version": "2.0.0", - "resolved": "https://registry.npmjs.org/http-errors/-/http-errors-2.0.0.tgz", - "integrity": "sha512-FtwrG/euBzaEjYeRqOgly7G0qviiXoJWnvEH2Z1plBdXgbyjv34pHTSb9zoeHMyDy33+DWy5Wt9Wo+TURtOYSQ==", - "license": "MIT", - "dependencies": { - "depd": "2.0.0", - "inherits": "2.0.4", - "setprototypeof": "1.2.0", - "statuses": "2.0.1", - "toidentifier": "1.0.1" - }, - "engines": { - "node": ">= 0.8" - } - }, - "node_modules/http-proxy": { - "version": "1.18.1", - "resolved": "https://registry.npmjs.org/http-proxy/-/http-proxy-1.18.1.tgz", - "integrity": "sha512-7mz/721AbnJwIVbnaSv1Cz3Am0ZLT/UBwkC92VlxhXv/k/BBQfM2fXElQNC27BVGr0uwUpplYPQM9LnaBMR5NQ==", - "license": "MIT", - "dependencies": { - "eventemitter3": "^4.0.0", - "follow-redirects": "^1.0.0", - "requires-port": "^1.0.0" - }, - "engines": { - "node": ">=8.0.0" - } - }, - "node_modules/http-server": { - "version": "14.1.1", - "resolved": "https://registry.npmjs.org/http-server/-/http-server-14.1.1.tgz", - "integrity": "sha512-+cbxadF40UXd9T01zUHgA+rlo2Bg1Srer4+B4NwIHdaGxAGGv59nYRnGGDJ9LBk7alpS0US+J+bLLdQOOkJq4A==", - "license": "MIT", - "dependencies": { - "basic-auth": "^2.0.1", - "chalk": "^4.1.2", - "corser": "^2.0.1", - "he": "^1.2.0", - "html-encoding-sniffer": "^3.0.0", - "http-proxy": "^1.18.1", - "mime": "^1.6.0", - "minimist": "^1.2.6", - "opener": "^1.5.1", - "portfinder": "^1.0.28", - "secure-compare": "3.0.1", - "union": "~0.5.0", - "url-join": "^4.0.1" - }, - "bin": { - "http-server": "bin/http-server" - }, - "engines": { - "node": ">=12" - } - }, - "node_modules/https-proxy-agent": { - "version": "5.0.1", - "resolved": "https://registry.npmjs.org/https-proxy-agent/-/https-proxy-agent-5.0.1.tgz", - "integrity": "sha512-dFcAjpTQFgoLMzC2VwU+C/CbS7uRL0lWmxDITmqm7C+7F0Odmj6s9l6alZc6AELXhrnggM2CeWSXHGOdX2YtwA==", - "license": "MIT", - "dependencies": { - "agent-base": "6", - "debug": "4" - }, - "engines": { - "node": ">= 6" - } - }, - "node_modules/https-proxy-agent/node_modules/debug": { - "version": "4.4.0", - "resolved": "https://registry.npmjs.org/debug/-/debug-4.4.0.tgz", - "integrity": "sha512-6WTZ/IxCY/T6BALoZHaE4ctp9xm+Z5kY/pzYaCHRFeyVhojxlrm+46y68HA6hr0TcwEssoxNiDEUJQjfPZ/RYA==", - "license": "MIT", - "dependencies": { - "ms": "^2.1.3" - }, - "engines": { - "node": ">=6.0" - }, - "peerDependenciesMeta": { - "supports-color": { - "optional": true - } - } - }, - "node_modules/https-proxy-agent/node_modules/ms": { - "version": "2.1.3", - "resolved": "https://registry.npmjs.org/ms/-/ms-2.1.3.tgz", - "integrity": "sha512-6FlzubTLZG3J2a/NVCAleEhjzq5oxgHyaCU9yYXvcLsvoVaHJq/s5xXI6/XXP6tz7R9xAOtHnSO/tXtF3WRTlA==", - "license": "MIT" - }, - "node_modules/human-signals": { - "version": "2.1.0", - "resolved": "https://registry.npmjs.org/human-signals/-/human-signals-2.1.0.tgz", - "integrity": "sha512-B4FFZ6q/T2jhhksgkbEW3HBvWIfDW85snkQgawt07S7J5QXTk6BkNV+0yAeZrM5QpMAdYlocGoljn0sJ/WQkFw==", - "dev": true, - "license": "Apache-2.0", - "engines": { - "node": ">=10.17.0" - } - }, - "node_modules/iconv-lite": { - "version": "0.4.24", - "resolved": "https://registry.npmjs.org/iconv-lite/-/iconv-lite-0.4.24.tgz", - "integrity": "sha512-v3MXnZAcvnywkTUEZomIActle7RXXeedOR31wwl7VlyoXO4Qi9arvSenNQWne1TcRwhCL1HwLI21bEqdpj8/rA==", - "license": "MIT", - "dependencies": { - "safer-buffer": ">= 2.1.2 < 3" - }, - "engines": { - "node": ">=0.10.0" - } - }, - "node_modules/ignore": { - "version": "5.3.2", - "resolved": "https://registry.npmjs.org/ignore/-/ignore-5.3.2.tgz", - "integrity": "sha512-hsBTNUqQTDwkWtcdYI2i06Y/nUBEsNEDJKjWdigLvegy8kDuJAS8uRlpkkcQpyEXL0Z/pjDy5HBmMjRCJ2gq+g==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">= 4" - } - }, - "node_modules/ignore-by-default": { - "version": "1.0.1", - "resolved": "https://registry.npmjs.org/ignore-by-default/-/ignore-by-default-1.0.1.tgz", - "integrity": "sha512-Ius2VYcGNk7T90CppJqcIkS5ooHUZyIQK+ClZfMfMNFEF9VSE73Fq+906u/CWu92x4gzZMWOwfFYckPObzdEbA==", - "dev": true, - "license": "ISC" - }, - "node_modules/import-fresh": { - "version": "3.3.1", - "resolved": "https://registry.npmjs.org/import-fresh/-/import-fresh-3.3.1.tgz", - "integrity": "sha512-TR3KfrTZTYLPB6jUjfx6MF9WcWrHL9su5TObK4ZkYgBdWKPOFoSoQIdEuTuR82pmtxH2spWG9h6etwfr1pLBqQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "parent-module": "^1.0.0", - "resolve-from": "^4.0.0" - }, - "engines": { - "node": ">=6" - }, - "funding": { - "url": "https://github.com/sponsors/sindresorhus" - } - }, - "node_modules/import-local": { - "version": "3.2.0", - "resolved": "https://registry.npmjs.org/import-local/-/import-local-3.2.0.tgz", - "integrity": "sha512-2SPlun1JUPWoM6t3F0dw0FkCF/jWY8kttcY4f599GLTSjh2OCuuhdTkJQsEcZzBqbXZGKMK2OqW1oZsjtf/gQA==", - "dev": true, - "license": "MIT", - "dependencies": { - "pkg-dir": "^4.2.0", - "resolve-cwd": "^3.0.0" - }, - "bin": { - "import-local-fixture": "fixtures/cli.js" - }, - "engines": { - "node": ">=8" - }, - "funding": { - "url": "https://github.com/sponsors/sindresorhus" - } - }, - "node_modules/imurmurhash": { - "version": "0.1.4", - "resolved": "https://registry.npmjs.org/imurmurhash/-/imurmurhash-0.1.4.tgz", - "integrity": "sha512-JmXMZ6wuvDmLiHEml9ykzqO6lwFbof0GG4IkcGaENdCRDDmMVnny7s5HsIgHCbaq0w2MyPhDqkhTUgS2LU2PHA==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=0.8.19" - } - }, - "node_modules/inflight": { - "version": "1.0.6", - "resolved": "https://registry.npmjs.org/inflight/-/inflight-1.0.6.tgz", - "integrity": "sha512-k92I/b08q4wvFscXCLvqfsHCrjrF7yiXsQuIVvVE7N82W3+aqpzuUdBbfhWcy/FZR3/4IgflMgKLOsvPDrGCJA==", - "deprecated": "This module is not supported, and leaks memory. Do not use it. Check out lru-cache if you want a good and tested way to coalesce async requests by a key value, which is much more comprehensive and powerful.", - "license": "ISC", - "dependencies": { - "once": "^1.3.0", - "wrappy": "1" - } - }, - "node_modules/inherits": { - "version": "2.0.4", - "resolved": "https://registry.npmjs.org/inherits/-/inherits-2.0.4.tgz", - "integrity": "sha512-k/vGaX4/Yla3WzyMCvTQOXYeIHvqOKtnqBduzTHpzpQZzAskKMhZ2K+EnBiSM9zGSoIFeMpXKxa4dYeZIQqewQ==", - "license": "ISC" - }, - "node_modules/ipaddr.js": { - "version": "1.9.1", - "resolved": "https://registry.npmjs.org/ipaddr.js/-/ipaddr.js-1.9.1.tgz", - "integrity": "sha512-0KI/607xoxSToH7GjN1FfSbLoU0+btTicjsQSWQlh/hZykN8KpmMf7uYwPW3R+akZ6R/w18ZlXSHBYXiYUPO3g==", - "license": "MIT", - "engines": { - "node": ">= 0.10" - } - }, - "node_modules/is-arrayish": { - "version": "0.2.1", - "resolved": "https://registry.npmjs.org/is-arrayish/-/is-arrayish-0.2.1.tgz", - "integrity": "sha512-zz06S8t0ozoDXMG+ube26zeCTNXcKIPJZJi8hBrF4idCLms4CG9QtK7qBl1boi5ODzFpjswb5JPmHCbMpjaYzg==", - "dev": true, - "license": "MIT" - }, - "node_modules/is-binary-path": { - "version": "2.1.0", - "resolved": "https://registry.npmjs.org/is-binary-path/-/is-binary-path-2.1.0.tgz", - "integrity": "sha512-ZMERYes6pDydyuGidse7OsHxtbI7WVeUEozgR/g7rd0xUimYNlvZRE/K2MgZTjWy725IfelLeVcEM97mmtRGXw==", - "dev": true, - "license": "MIT", - "dependencies": { - "binary-extensions": "^2.0.0" - }, - "engines": { - "node": ">=8" - } - }, - "node_modules/is-core-module": { - "version": "2.16.1", - "resolved": "https://registry.npmjs.org/is-core-module/-/is-core-module-2.16.1.tgz", - "integrity": "sha512-UfoeMA6fIJ8wTYFEUjelnaGI67v6+N7qXJEvQuIGa99l4xsCruSYOVSQ0uPANn4dAzm8lkYPaKLrrijLq7x23w==", - "dev": true, - "license": "MIT", - "dependencies": { - "hasown": "^2.0.2" - }, - "engines": { - "node": ">= 0.4" - }, - "funding": { - "url": "https://github.com/sponsors/ljharb" - } - }, - "node_modules/is-extglob": { - "version": "2.1.1", - "resolved": "https://registry.npmjs.org/is-extglob/-/is-extglob-2.1.1.tgz", - "integrity": "sha512-SbKbANkN603Vi4jEZv49LeVJMn4yGwsbzZworEoyEiutsN3nJYdbO36zfhGJ6QEDpOZIFkDtnq5JRxmvl3jsoQ==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=0.10.0" - } - }, - "node_modules/is-fullwidth-code-point": { - "version": "3.0.0", - "resolved": "https://registry.npmjs.org/is-fullwidth-code-point/-/is-fullwidth-code-point-3.0.0.tgz", - "integrity": "sha512-zymm5+u+sCsSWyD9qNaejV3DFvhCKclKdizYaJUuHA83RLjb7nSuGnddCHGv0hk+KY7BMAlsWeK4Ueg6EV6XQg==", - "license": "MIT", - "engines": { - "node": ">=8" - } - }, - "node_modules/is-generator-fn": { - "version": "2.1.0", - "resolved": "https://registry.npmjs.org/is-generator-fn/-/is-generator-fn-2.1.0.tgz", - "integrity": "sha512-cTIB4yPYL/Grw0EaSzASzg6bBy9gqCofvWN8okThAYIxKJZC+udlRAmGbM0XLeniEJSs8uEgHPGuHSe1XsOLSQ==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=6" - } - }, - "node_modules/is-glob": { - "version": "4.0.3", - "resolved": "https://registry.npmjs.org/is-glob/-/is-glob-4.0.3.tgz", - "integrity": "sha512-xelSayHH36ZgE7ZWhli7pW34hNbNl8Ojv5KVmkJD4hBdD3th8Tfk9vYasLM+mXWOZhFkgZfxhLSnrwRr4elSSg==", - "dev": true, - "license": "MIT", - "dependencies": { - "is-extglob": "^2.1.1" - }, - "engines": { - "node": ">=0.10.0" - } - }, - "node_modules/is-number": { - "version": "7.0.0", - "resolved": "https://registry.npmjs.org/is-number/-/is-number-7.0.0.tgz", - "integrity": "sha512-41Cifkg6e8TylSpdtTpeLVMqvSBEVzTttHvERD741+pnZ8ANv0004MRL43QKPDlK9cGvNp6NZWZUBlbGXYxxng==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=0.12.0" - } - }, - "node_modules/is-path-inside": { - "version": "3.0.3", - "resolved": "https://registry.npmjs.org/is-path-inside/-/is-path-inside-3.0.3.tgz", - "integrity": "sha512-Fd4gABb+ycGAmKou8eMftCupSir5lRxqf4aD/vd0cD2qc4HL07OjCeuHMr8Ro4CoMaeCKDB0/ECBOVWjTwUvPQ==", - "dev": true, - "license": "MIT", - "engines": { - "node": ">=8" - } - }, - "node_modules/is-property": { - "version": "1.0.2", - "resolved": "https://registry.npmjs.org/is-property/-/is-property-1.0.2.tgz", - "integrity": "sha512-Ks/IoX00TtClbGQr4TWXemAnktAQvYB7HzcCxDGqEZU6oCmb2INHuOoKxbtR+HFkmYWBKv/dOZtGRiAjDhj92g==", - "license": "MIT" - }, - "node_modules/is-stream": { - "version": "2.0.1", - "resolved": "https://registry.npmjs.org/is-stream/-/is-stream-2.0.1.tgz", - "integrity": "sha512-hFoiJiTl63nn+kstHGBtewWSKnQLpyb155KHheA1l39uvtO9nWIop1p3udqPcUd/xbF1VLMO4n7OI6p7RbngDg==", - "license": "MIT", - "engines": { - "node": ">=8" - }, - "funding": { - "url": "https://github.com/sponsors/sindresorhus" - } - }, - "node_modules/isarray": { - "version": "1.0.0", - "resolved": "https://registry.npmjs.org/isarray/-/isarray-1.0.0.tgz", - "integrity": "sha512-VLghIWNM6ELQzo7zwmcg0NmTVyWKYjvIeM83yjp0wRDTmUnrM678fQbcKBo6n2CJEF0szoG//ytg+TKla89ALQ==", - "license": "MIT" - }, - "node_modules/isexe": { - "version": "2.0.0", - "resolved": "https://registry.npmjs.org/isexe/-/isexe-2.0.0.tgz", - "integrity": "sha512-RHxMLp9lnKHGHRng9QFhRCMbYAcVpn69smSGcq3f36xjgVVWThj4qqLbTLlq7Ssj8B+fIQ1EuCEGI2lKsyQeIw==", - "dev": true, - "license": "ISC" - }, - "node_modules/istanbul-lib-coverage": { - "version": "3.2.2", - "resolved": "https://registry.npmjs.org/istanbul-lib-coverage/-/istanbul-lib-coverage-3.2.2.tgz", - "integrity": "sha512-O8dpsF+r0WV/8MNRKfnmrtCWhuKjxrq2w+jpzBL5UZKTi2LeVWnWOmWRxFlesJONmc+wLAGvKQZEOanko0LFTg==", - "dev": true, - "license": "BSD-3-Clause", - "engines": { - "node": ">=8" - } - }, - "node_modules/istanbul-lib-instrument": { - "version": "6.0.3", - "resolved": "https://registry.npmjs.org/istanbul-lib-instrument/-/istanbul-lib-instrument-6.0.3.tgz", - "integrity": "sha512-Vtgk7L/R2JHyyGW07spoFlB8/lpjiOLTjMdms6AFMraYt3BaJauod/NGrfnVG/y4Ix1JEuMRPDPEj2ua+zz1/Q==", - "dev": true, - "license": "BSD-3-Clause", - "dependencies": { - "@babel/core": "^7.23.9", - "@babel/parser": "^7.23.9", - "@istanbuljs/schema": "^0.1.3", - "istanbul-lib-coverage": "^3.2.0", - "semver": "^7.5.4" - }, - "engines": { - "node": ">=10" - } - }, - "node_modules/istanbul-lib-report": { - "version": "3.0.1", - "resolved": "https://registry.npmjs.org/istanbul-lib-report/-/istanbul-lib-report-3.0.1.tgz", - "integrity": "sha512-GCfE1mtsHGOELCU8e/Z7YWzpmybrx/+dSTfLrvY8qRmaY6zXTKWn6WQIjaAFw069icm6GVMNkgu0NzI4iPZUNw==", - "dev": true, - "license": "BSD-3-Clause", - "dependencies": { - "istanbul-lib-coverage": "^3.0.0", - "make-dir": "^4.0.0", - "supports-color": "^7.1.0" - }, - "engines": { - "node": ">=10" - } - }, - "node_modules/istanbul-lib-report/node_modules/make-dir": { - "version": "4.0.0", - "resolved": "https://registry.npmjs.org/make-dir/-/make-dir-4.0.0.tgz", - "integrity": "sha512-hXdUTZYIVOt1Ex//jAQi+wTZZpUpwBj/0QsOzqegb3rGMMeJiSEu5xLHnYfBrRV4RH2+OCSOO95Is/7x1WJ4bw==", - "dev": true, - "license": "MIT", - "dependencies": { - "semver": "^7.5.3" - }, - "engines": { - "node": ">=10" - }, - "funding": { - "url": "https://github.com/sponsors/sindresorhus" - } - }, - "node_modules/istanbul-lib-source-maps": { - "version": "4.0.1", - "resolved": "https://registry.npmjs.org/istanbul-lib-source-maps/-/istanbul-lib-source-maps-4.0.1.tgz", - "integrity": "sha512-n3s8EwkdFIJCG3BPKBYvskgXGoy88ARzvegkitk60NxRdwltLOTaH7CUiMRXvwYorl0Q712iEjcWB+fK/MrWVw==", - "dev": true, - "license": "BSD-3-Clause", - "dependencies": { - "debug": "^4.1.1", - "istanbul-lib-coverage": "^3.0.0", - "source-map": "^0.6.1" - }, - "engines": { - "node": ">=10" - } - }, - "node_modules/istanbul-lib-source-maps/node_modules/debug": { - "version": "4.4.1", - "resolved": "https://registry.npmjs.org/debug/-/debug-4.4.1.tgz", - "integrity": "sha512-KcKCqiftBJcZr++7ykoDIEwSa3XWowTfNPo92BYxjXiyYEVrUQh2aLyhxBCwww+heortUFxEJYcRzosstTEBYQ==", - "dev": true, - "license": "MIT", - "dependencies": { - "ms": "^2.1.3" - }, - "engines": { - "node": ">=6.0" - }, - "peerDependenciesMeta": { - "supports-color": { - "optional": true - } - } - }, - "node_modules/istanbul-lib-source-maps/node_modules/ms": { - "version": "2.1.3", - "resolved": "https://registry.npmjs.org/ms/-/ms-2.1.3.tgz", - "integrity": "sha512-6FlzubTLZG3J2a/NVCAleEhjzq5oxgHyaCU9yYXvcLsvoVaHJq/s5xXI6/XXP6tz7R9xAOtHnSO/tXtF3WRTlA==", - "dev": true, - "license": "MIT" - }, - "node_modules/istanbul-reports": { - "version": "3.1.7", - "resolved": "https://registry.npmjs.org/istanbul-reports/-/istanbul-reports-3.1.7.tgz", - "integrity": "sha512-BewmUXImeuRk2YY0PVbxgKAysvhRPUQE0h5QRM++nVWyubKGV0l8qQ5op8+B2DOmwSe63Jivj0BjkPQVf8fP5g==", - "dev": true, - "license": "BSD-3-Clause", - "dependencies": { - "html-escaper": "^2.0.0", - "istanbul-lib-report": "^3.0.0" - }, - "engines": { - "node": ">=8" - } - }, - "node_modules/jest": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/jest/-/jest-29.7.0.tgz", - "integrity": "sha512-NIy3oAFp9shda19hy4HK0HRTWKtPJmGdnvywu01nOqNC2vZg+Z+fvJDxpMQA88eb2I9EcafcdjYgsDthnYTvGw==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jest/core": "^29.7.0", - "@jest/types": "^29.6.3", - "import-local": "^3.0.2", - "jest-cli": "^29.7.0" - }, - "bin": { - "jest": "bin/jest.js" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - }, - "peerDependencies": { - "node-notifier": "^8.0.1 || ^9.0.0 || ^10.0.0" - }, - "peerDependenciesMeta": { - "node-notifier": { - "optional": true - } - } - }, - "node_modules/jest-changed-files": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/jest-changed-files/-/jest-changed-files-29.7.0.tgz", - "integrity": "sha512-fEArFiwf1BpQ+4bXSprcDc3/x4HSzL4al2tozwVpDFpsxALjLYdyiIK4e5Vz66GQJIbXJ82+35PtysofptNX2w==", - "dev": true, - "license": "MIT", - "dependencies": { - "execa": "^5.0.0", - "jest-util": "^29.7.0", - "p-limit": "^3.1.0" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/jest-circus": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/jest-circus/-/jest-circus-29.7.0.tgz", - "integrity": "sha512-3E1nCMgipcTkCocFwM90XXQab9bS+GMsjdpmPrlelaxwD93Ad8iVEjX/vvHPdLPnFf+L40u+5+iutRdA1N9myw==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jest/environment": "^29.7.0", - "@jest/expect": "^29.7.0", - "@jest/test-result": "^29.7.0", - "@jest/types": "^29.6.3", - "@types/node": "*", - "chalk": "^4.0.0", - "co": "^4.6.0", - "dedent": "^1.0.0", - "is-generator-fn": "^2.0.0", - "jest-each": "^29.7.0", - "jest-matcher-utils": "^29.7.0", - "jest-message-util": "^29.7.0", - "jest-runtime": "^29.7.0", - "jest-snapshot": "^29.7.0", - "jest-util": "^29.7.0", - "p-limit": "^3.1.0", - "pretty-format": "^29.7.0", - "pure-rand": "^6.0.0", - "slash": "^3.0.0", - "stack-utils": "^2.0.3" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - } - }, - "node_modules/jest-cli": { - "version": "29.7.0", - "resolved": "https://registry.npmjs.org/jest-cli/-/jest-cli-29.7.0.tgz", - "integrity": "sha512-OVVobw2IubN/GSYsxETi+gOe7Ka59EFMR/twOU3Jb2GnKKeMGJB5SGUUrEz3SFVmJASUdZUzy83sLNNQ2gZslg==", - "dev": true, - "license": "MIT", - "dependencies": { - "@jest/core": "^29.7.0", - "@jest/test-result": "^29.7.0", - "@jest/types": "^29.6.3", - "chalk": "^4.0.0", - "create-jest": "^29.7.0", - "exit": "^0.1.2", - "import-local": "^3.0.2", - "jest-config": "^29.7.0", - "jest-util": "^29.7.0", - "jest-validate": "^29.7.0", - "yargs": "^17.3.1" - }, - "bin": { - "jest": "bin/jest.js" - }, - "engines": { - "node": "^14.15.0 || ^16.10.0 || >=18.0.0" - }, - "peerDependencies":